Last active
March 22, 2018 13:23
-
-
Save StanislawAntol/656e3afe2d43864bb410d71e1c5789c1 to your computer and use it in GitHub Desktop.
This file contains 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
#!/usr/bin/python3 | |
from sys import exit | |
from sys import stdout | |
from sys import path as syspath | |
from os import path as osp | |
from os import stat, makedirs | |
import argparse | |
from shutil import copyfile | |
import tarfile | |
import json | |
from six.moves import urllib | |
import tensorflow as tf | |
from tensorflow.python.framework import graph_util | |
parser = argparse.ArgumentParser( | |
description='Convert released MobileNetV1 models to frozen .pb format.', | |
) | |
parser.add_argument('tf_models_dir', | |
type=str, | |
default=None, | |
help=('The directory created by running ' | |
'`git clone ' | |
'https://github.com/tensorflow/models.git`.' | |
), | |
) | |
args = parser.parse_args() | |
if args.tf_models_dir is None: | |
print(':(') | |
exit() | |
else: | |
slim_dir = osp.join( | |
args.tf_models_dir, | |
'research', | |
'slim', | |
) | |
syspath.append(slim_dir) | |
# From tensorflow/models/slim | |
from nets import mobilenet_v1 | |
from datasets import imagenet | |
slim = tf.contrib.slim | |
def download_and_uncompress_tarball(base_url, filename, data_dir): | |
def _progress(count, block_size, total_size): | |
stdout.write('\r>> Downloading %s %.1f%%' % ( | |
filename, float(count * block_size) / float(total_size) * 100.0)) | |
stdout.flush() | |
tarball_url = base_url + filename | |
filepath = osp.join(data_dir, filename) | |
if not tf.gfile.Exists( osp.join(model_dir, model_dl) ): | |
filepath, _ = urllib.request.urlretrieve(tarball_url, filepath, _progress) | |
print() | |
statinfo = stat(filepath) | |
print('Successfully downloaded', filename, statinfo.st_size, 'bytes.') | |
else: | |
print('{} tarball already exists -- not downloading'.format(filename)) | |
tarfile.open(filepath, 'r:*').extractall(data_dir) | |
def create_label_json_file(json_fn): | |
labels = imagenet.create_readable_names_for_imagenet_labels() | |
with open(json_fn, 'w') as ofp: | |
json.dump(labels, ofp, | |
sort_keys=True, | |
indent=4, | |
separators=(',', ': ')) | |
return labels | |
def freeze_mobilenet(meta_file, img_size=224, factor=1.0, num_classes=1001): | |
tf.reset_default_graph() | |
inp = tf.placeholder(tf.float32, | |
shape=(None, img_size, img_size, 3), | |
name="input") | |
is_training=False | |
weight_decay = 0.0 | |
arg_scope = mobilenet_v1.mobilenet_v1_arg_scope(weight_decay=weight_decay) | |
with slim.arg_scope(arg_scope): | |
logits, _ = mobilenet_v1.mobilenet_v1(inp, | |
num_classes=num_classes, | |
is_training=is_training, | |
depth_multiplier=factor) | |
predictions = tf.contrib.layers.softmax(logits) | |
output = tf.identity(predictions, name='output') | |
ckpt_file = meta_file.replace('.meta', '') | |
output_graph_fn = ckpt_file.replace('.ckpt', '.pb') | |
output_node_names = "output" | |
rest_var = slim.get_variables_to_restore() | |
with tf.Session() as sess: | |
graph = tf.get_default_graph() | |
input_graph_def = graph.as_graph_def() | |
saver = tf.train.Saver(rest_var) | |
saver.restore(sess, ckpt_file) | |
# We use a built-in TF helper to export variables to constant | |
output_graph_def = graph_util.convert_variables_to_constants( | |
sess, # The session is used to retrieve the weights | |
input_graph_def, # The graph_def is used to retrieve the nodes | |
# The output node names are used to select the useful nodes | |
output_node_names.split(",") | |
) | |
# Finally we serialize and dump the output graph to the filesystem | |
with tf.gfile.GFile(output_graph_fn, "wb") as f: | |
f.write(output_graph_def.SerializeToString()) | |
print("{} ops in the final graph.".format(len(output_graph_def.node))) | |
factors = ['0.25', '0.50', '0.75', '1.0'] | |
img_sizes = [128, 160, 192, 224] | |
base_url = 'http://download.tensorflow.org/models/' | |
model_date = '2017_06_14' | |
model_base_fmt = 'mobilenet_v1_{}_{}' | |
model_dl_fmt = model_base_fmt + '_{}.tar.gz' | |
model_pb_fmt = model_base_fmt + '.pb' | |
model_dir = './MobileNet' | |
if not osp.exists(model_dir): | |
makedirs(model_dir) | |
json_fn = osp.join(model_dir, 'labels.json') | |
labels = create_label_json_file(json_fn) | |
num_classes = len(labels) | |
if not tf.gfile.Exists(model_dir): | |
tf.gfile.MakeDirs(model_dir) | |
for img_size in img_sizes: | |
img_subdir = osp.join(model_dir, 'img{}'.format(img_size)) | |
if not tf.gfile.Exists(img_subdir): | |
tf.gfile.MakeDirs(img_subdir) | |
for factor in factors: | |
model_dl = model_dl_fmt.format(factor, img_size, model_date) | |
model_pb = model_pb_fmt.format(factor, img_size) | |
if not tf.gfile.Exists( osp.join(img_subdir, model_pb) ): | |
download_and_uncompress_tarball(base_url, model_dl, model_dir) | |
try: | |
meta_file = osp.join( | |
model_dir, | |
model_pb.replace('.pb'.format(model_date), '.ckpt.meta'), | |
) | |
if tf.gfile.Exists( meta_file ): | |
print('Processing meta_file {}'.format(meta_file)) | |
freeze_mobilenet(meta_file, img_size, float(factor), num_classes) | |
copyfile(osp.join(model_dir, model_pb), | |
osp.join(img_subdir, model_pb)) | |
else: | |
print('Skipping meta file {}'.format(meta_file)) | |
pass | |
except: | |
print('Failed to process meta_file {}'.format(meta_file)) | |
else: | |
print('{} frozen model already exists -- skipping'.format(model_pb)) |
This file contains 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
Processing meta_file ./mobilenet/mobilenet_v1_1.0_224.ckpt.meta | |
2017-06-15 18:48:00.077732: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.1 instructions, but these are available on your machine and could speed up CPU computations. | |
2017-06-15 18:48:00.077760: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.2 instructions, but these are available on your machine and could speed up CPU computations. | |
2017-06-15 18:48:00.077770: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX instructions, but these are available on your machine and could speed up CPU computations. | |
2017-06-15 18:48:00.077776: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX2 instructions, but these are available on your machine and could speed up CPU computations. | |
2017-06-15 18:48:00.077783: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use FMA instructions, but these are available on your machine and could speed up CPU computations. | |
2017-06-15 18:48:00.531281: I tensorflow/core/common_runtime/gpu/gpu_device.cc:940] Found device 0 with properties: | |
name: TITAN X (Pascal) | |
major: 6 minor: 1 memoryClockRate (GHz) 1.531 | |
pciBusID 0000:03:00.0 | |
Total memory: 11.90GiB | |
Free memory: 10.53GiB | |
2017-06-15 18:48:00.861673: W tensorflow/stream_executor/cuda/cuda_driver.cc:523] A non-primary context 0x37b52e0 exists before initializing the StreamExecutor. We haven't verified StreamExecutor works with that. | |
2017-06-15 18:48:00.862698: I tensorflow/core/common_runtime/gpu/gpu_device.cc:940] Found device 1 with properties: | |
name: TITAN X (Pascal) | |
major: 6 minor: 1 memoryClockRate (GHz) 1.531 | |
pciBusID 0000:81:00.0 | |
Total memory: 11.90GiB | |
Free memory: 11.75GiB | |
2017-06-15 18:48:00.862814: I tensorflow/core/common_runtime/gpu/gpu_device.cc:832] Peer access not supported between device ordinals 0 and 1 | |
2017-06-15 18:48:00.862832: I tensorflow/core/common_runtime/gpu/gpu_device.cc:832] Peer access not supported between device ordinals 1 and 0 | |
2017-06-15 18:48:00.862854: I tensorflow/core/common_runtime/gpu/gpu_device.cc:961] DMA: 0 1 | |
2017-06-15 18:48:00.862863: I tensorflow/core/common_runtime/gpu/gpu_device.cc:971] 0: Y N | |
2017-06-15 18:48:00.862869: I tensorflow/core/common_runtime/gpu/gpu_device.cc:971] 1: N Y | |
2017-06-15 18:48:00.862883: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:00.862893: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
Converted 137 variables to const ops. | |
556 ops in the final graph. | |
Processing meta_file ./mobilenet/mobilenet_v1_1.0_192.ckpt.meta | |
2017-06-15 18:48:03.028150: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:03.028192: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
Converted 137 variables to const ops. | |
556 ops in the final graph. | |
Processing meta_file ./mobilenet/mobilenet_v1_1.0_160.ckpt.meta | |
2017-06-15 18:48:04.282430: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:04.282470: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
Converted 137 variables to const ops. | |
556 ops in the final graph. | |
Processing meta_file ./mobilenet/mobilenet_v1_1.0_128.ckpt.meta | |
2017-06-15 18:48:05.338015: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:05.338047: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
Converted 137 variables to const ops. | |
556 ops in the final graph. | |
Processing meta_file ./mobilenet/mobilenet_v1_0.75_224.ckpt.meta | |
2017-06-15 18:48:06.635161: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:06.635196: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:07.038232: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.038340: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.038462: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.038616: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.038850: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.039467: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.040948: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.041083: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.041196: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.041404: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.041708: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.044556: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.047476: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.047675: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.047842: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.048060: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.048085: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.048191: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.048403: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.050391: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.050516: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.050580: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.050850: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.052828: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.053031: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.053999: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.054875: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.054880: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.054987: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.056621: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.056735: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.057102: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.057238: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.057366: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.059307: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.059971: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.060687: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.073457: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.075034: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.087500: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.092804: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.099687: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.100156: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.100518: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.102617: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.103012: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.103403: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.104527: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.104689: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.106025: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.106049: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.106152: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.106196: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.106472: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.106640: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.107485: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.107545: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.107840: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.107947: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.109129: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.109359: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.109511: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.110886: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.110907: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.110998: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.111108: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.111154: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.111270: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.111418: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.111733: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.114069: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.114093: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.115188: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.115535: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.116177: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.117086: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.119754: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.124772: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.125748: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.127375: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.128287: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.129656: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.136944: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.137165: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.137404: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.137741: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.140852: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.142024: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.142408: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.143012: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.143399: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.143459: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.143529: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.143634: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.143906: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.147132: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.147386: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.148596: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.149325: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.149427: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.149542: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.149740: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.149914: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.150071: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.151278: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.151450: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.151451: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.151582: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.151611: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.151744: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.151953: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.152078: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.153284: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.154612: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.154767: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.154864: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.156539: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.156677: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.157654: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.157755: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.157840: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.157893: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.158013: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.158139: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.158633: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.158757: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.158856: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.159011: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.159194: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.159678: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.159950: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.159994: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
2017-06-15 18:48:07.160854: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [1,1,64,128] rhs shape= [1,1,48,96] | |
[[Node: save/Assign_64 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/weights, save/RestoreV2_64/_233)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.75_224.ckpt.meta | |
Processing meta_file ./mobilenet/mobilenet_v1_0.75_192.ckpt.meta | |
2017-06-15 18:48:07.750960: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:07.750994: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:08.098860: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.099792: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.101136: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.101246: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.101296: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.101528: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.101666: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.104775: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.104867: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.105100: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.105636: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.105982: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.106145: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.106272: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.106400: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.106570: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.106822: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.108790: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.108802: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.108808: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.111511: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.111631: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.111652: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.112026: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.114441: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.114585: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.116974: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.117104: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.117933: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.118221: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.118338: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.118581: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.119157: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.120758: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.122302: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.122331: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.122452: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.124220: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.124632: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.128351: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.129837: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.131181: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.143334: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.143361: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.144249: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.145091: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.146550: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.146588: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.147766: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.147872: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.150891: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.152079: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.154346: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.154477: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.154817: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.156469: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.156568: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.156721: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.158611: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.158917: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.160196: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.161232: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.162511: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.162615: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.162634: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.163472: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.163726: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.164387: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.164485: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.164683: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.164773: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.166585: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.166805: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.166999: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.166839: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.168490: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.168512: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.169096: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.169600: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.170648: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.170923: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.171183: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.171971: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.172501: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.172512: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.172876: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.172894: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.172911: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.172886: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.173102: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.174530: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.175900: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.176406: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.176509: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.176707: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.177337: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.177572: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.177650: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.179677: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.179850: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.182295: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.182392: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.182979: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.183079: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.183135: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.183177: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.184175: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.186894: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.186961: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.187063: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.187129: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.187233: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.187354: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.187482: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.188161: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.188256: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.188358: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.188477: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.188530: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.188683: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.189560: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.189797: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.189974: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.190036: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.190094: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.191554: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.190469: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.191580: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.190395: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.191778: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.191919: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.192459: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.192706: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
2017-06-15 18:48:08.192959: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_72 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_pointwise/BatchNorm/moving_mean, save/RestoreV2_72/_207)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.75_192.ckpt.meta | |
Processing meta_file ./mobilenet/mobilenet_v1_0.75_160.ckpt.meta | |
2017-06-15 18:48:08.861301: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:08.861333: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:09.268121: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.271837: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.272066: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.272427: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.272448: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.273117: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.273201: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.273336: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.273443: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.273695: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.273846: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.274043: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.275033: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.275169: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.275320: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.275473: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.275610: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.275623: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.275787: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.275943: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.276109: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.276344: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.276602: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.276678: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.277656: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.279057: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.280350: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.280544: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.281072: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.281304: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.284568: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.284664: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.286064: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.286137: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.286393: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.286450: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.286780: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.295700: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.296147: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.305510: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.306339: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.310175: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.310238: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.310616: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.311752: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.317691: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.318192: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.318335: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.320415: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.320764: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.321000: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.321889: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.322003: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.322740: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.326984: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.327157: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.328679: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.329598: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.329753: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.329909: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.330242: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.332057: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.332416: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.332509: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.334549: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.334558: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.334698: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.334808: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.334875: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.334928: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.334972: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.335091: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.335226: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.335387: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.336044: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.336399: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.336950: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.337656: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.339078: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.339134: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.340086: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.341013: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.341226: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.342424: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.343689: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.344920: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.345210: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.346422: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.347102: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.347672: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.348443: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.349128: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.350197: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.350257: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.350522: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.351818: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.351995: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.353931: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.354458: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.354809: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.354954: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.355195: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.355433: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.357525: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.357715: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.358300: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.358437: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.358560: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.358747: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.358832: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.358975: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.359122: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.359194: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.360356: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.360485: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.360635: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.361808: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.361919: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.362044: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.362255: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.362296: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.362454: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.363772: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.363949: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.364097: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.364297: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.364394: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.364518: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.364667: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.364795: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.364951: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.365023: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.365203: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:09.365451: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [96] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.75_160.ckpt.meta | |
Processing meta_file ./mobilenet/mobilenet_v1_0.75_128.ckpt.meta | |
2017-06-15 18:48:09.850811: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:09.850839: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:10.213875: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.213925: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.214113: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.216648: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.216706: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.217105: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.217267: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.220906: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.221175: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.221295: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.221543: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.222872: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.222953: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.227157: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.227359: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.227549: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.227562: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.227712: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.227897: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.227987: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.228154: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.229346: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.229391: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.229610: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.230406: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.232281: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.232614: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.233021: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.233075: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.234634: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.234797: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.235491: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.236737: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.236822: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.237036: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.237182: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.237232: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.237979: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.238107: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.238113: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.238363: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.243508: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.247223: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.254035: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.254198: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.256092: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.256097: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.259712: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.259982: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.260111: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.260320: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.261713: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.266116: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.270788: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.272190: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.273080: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.275144: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.275282: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.276314: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.276651: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.276834: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.277165: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.277621: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.286343: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.286358: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.287898: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.288219: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.288397: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.288568: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.290260: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.290712: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.290819: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.292005: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.292129: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.292157: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.292338: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.293527: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.293565: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.295608: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.295745: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.296550: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.297937: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.298037: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.301001: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.301085: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.301104: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.301474: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.301926: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.302653: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.303060: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.303802: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.303968: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.304122: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.304191: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.305287: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.305427: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.305476: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.305562: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.305834: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.309553: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.310229: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.310300: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.311404: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.311505: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.311586: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.311971: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.312471: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.313216: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.313570: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.313975: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.314055: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.314399: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.315445: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.315691: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.315814: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.315844: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.316065: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.316086: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.316219: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.316262: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.316351: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.316884: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.317074: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.317469: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.318797: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.318922: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.319007: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.319077: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.319113: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.319194: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.319251: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.319394: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.319869: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
2017-06-15 18:48:10.319913: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [256] rhs shape= [192] | |
[[Node: save/Assign_87 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_5_depthwise/BatchNorm/moving_mean, save/RestoreV2_87/_177)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.75_128.ckpt.meta | |
Processing meta_file ./mobilenet/mobilenet_v1_0.50_224.ckpt.meta | |
2017-06-15 18:48:11.188075: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:11.188114: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:11.630707: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.630727: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.631009: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.631403: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.631579: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.632801: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.633005: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.634091: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.635994: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.636156: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.636281: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.639231: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.639341: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.639428: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.644233: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.644326: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.644453: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.644505: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.644710: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.644803: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.644916: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.645215: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.645246: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.645497: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.645556: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.646223: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.646445: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.647226: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.648399: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.648544: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.648813: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.649636: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.650077: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.650348: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.652656: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.653629: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.653808: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.657629: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.658025: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.674771: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.675223: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.675843: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.676188: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.682269: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.685394: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.686169: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.686942: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.687104: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.688338: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.688536: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.689707: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.690456: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.690553: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.693000: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.693593: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.693686: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.694481: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.698340: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.698860: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.699110: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.699321: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.700881: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.701148: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.701387: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.701533: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.701963: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.701979: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.703547: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.703602: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.703829: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.703978: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.704019: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.704130: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.704217: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.704364: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.705179: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.705697: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.705942: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.705979: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.706285: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.708338: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.708380: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.711318: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.711752: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.711984: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.713492: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.713579: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.714007: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.714166: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.714361: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.717319: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.717795: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.721023: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.722150: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.722889: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.723823: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.724120: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.725289: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.726422: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.726482: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.727185: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.727685: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.728098: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.728667: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.729194: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.729290: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.729335: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.729390: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.729557: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.729901: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.730430: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.731492: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.731564: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.732083: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.733124: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.733217: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.733285: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.733416: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.733596: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.733619: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.733767: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.733846: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.733931: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.734047: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.734982: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.735063: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.735306: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.735308: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.735753: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.735920: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.735979: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
2017-06-15 18:48:11.736683: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_61 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/gamma, save/RestoreV2_61/_229)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.50_224.ckpt.meta | |
Processing meta_file ./mobilenet/mobilenet_v1_0.50_192.ckpt.meta | |
2017-06-15 18:48:12.389145: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:12.389177: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:12.734346: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.734429: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.734651: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.737321: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.737360: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.737611: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.737682: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.737874: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.737894: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.738037: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.738233: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.738398: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.739126: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.740171: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.741842: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.742179: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.742182: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.742430: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.743532: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.743733: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.744635: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.748546: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.748703: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.748934: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.749126: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.749361: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.749410: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.749983: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.751314: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.753280: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.753427: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.754369: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.754791: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.754946: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.754963: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.755331: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.755676: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.755859: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.756600: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.758375: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.761506: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.768521: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.768841: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.769769: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.770846: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.770975: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.771131: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.772465: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.773326: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.776404: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.778526: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.778857: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.780640: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.780652: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.781392: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.781571: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.783672: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.783910: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.783992: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.784422: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.784878: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.785253: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.788143: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.788150: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.788407: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.788511: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.789630: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.789673: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.791059: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.791175: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.792726: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.793372: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.793461: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.793751: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.796195: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.796365: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.798878: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.798937: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.799020: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.800198: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.800199: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.800232: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.800641: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.800936: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.802118: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.802225: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.803767: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.803883: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.803993: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.804073: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.805316: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.805403: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.805644: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.805835: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.805849: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.807123: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.807192: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.807216: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.808294: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.808403: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.808511: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.808521: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.808618: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.808914: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.809724: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.810348: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.810518: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.810718: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.811027: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.812100: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.812133: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.812257: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.813420: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.813494: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.813596: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.813674: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.814355: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.815360: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.815506: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.815790: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.816774: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.816845: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.816964: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.817055: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.817147: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.817251: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.817332: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.817487: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.818270: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.818699: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.818813: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.818968: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.819045: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
2017-06-15 18:48:12.819122: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_62 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/moving_mean, save/RestoreV2_62/_227)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.50_192.ckpt.meta | |
Processing meta_file ./mobilenet/mobilenet_v1_0.50_160.ckpt.meta | |
2017-06-15 18:48:13.386791: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:13.386814: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:14.029567: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.029917: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.030067: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.030195: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.030492: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.030636: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.030798: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.031013: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.031084: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.031237: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.031392: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.031443: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.031603: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.031822: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.031879: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.032806: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.032849: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.034027: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.034233: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.034360: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.034502: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.034793: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.034904: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.035166: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.035228: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.037363: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.037468: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.038857: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.039006: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.039223: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.041936: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.042126: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.044371: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.045455: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.046222: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.046505: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.059758: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.062367: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.062688: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.064163: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.070070: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.070188: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.075092: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.079302: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.079831: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.080284: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.081430: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.081755: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.082005: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.082519: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.083059: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.083279: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.083329: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.084900: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.085125: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.088393: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.088517: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.089032: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.089963: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.090217: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.090370: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.091712: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.091756: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.091834: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.093500: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.094021: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.094213: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.094727: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.095734: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.096489: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.096575: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.102935: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.104292: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.105815: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.105976: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.106414: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.106567: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.106650: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.106837: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.107023: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.108177: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.108459: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.108805: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.108829: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.109029: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.109109: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.109321: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.109441: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.109616: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.109659: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.111857: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.113940: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.114575: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.114873: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.115851: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.116652: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.117007: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.117338: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.118571: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.118700: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.118804: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.118950: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.120069: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.120926: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.121036: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.121130: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.121422: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.121527: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.122032: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.122801: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.122937: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.123034: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.123185: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.123393: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.124158: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.124343: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.124572: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.125232: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.125446: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.125498: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.125589: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.125746: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.125948: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.126015: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.126024: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.126957: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.126965: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.127222: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.127879: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
2017-06-15 18:48:14.128259: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [64] | |
[[Node: save/Assign_66 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_3_depthwise/BatchNorm/gamma, save/RestoreV2_66/_219)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.50_160.ckpt.meta | |
Processing meta_file ./mobilenet/mobilenet_v1_0.50_128.ckpt.meta | |
2017-06-15 18:48:14.589908: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:14.589932: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:14.930034: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.930292: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.936701: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.939316: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.939556: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.940156: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.942579: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.942715: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.942775: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.942812: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.942925: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.943285: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.945442: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.945594: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.945758: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.946687: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.946699: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.947459: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.948236: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.948271: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.950482: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.950588: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.950674: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.950872: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.951202: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.952401: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.952499: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.954255: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.954358: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.954496: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.954569: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.958214: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.958636: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.958696: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.958894: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.959427: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.961287: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.961441: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.961493: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.974892: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.988769: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.989887: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.991394: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.993996: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.994616: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.995201: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.997160: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.997246: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.997317: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.998158: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.998319: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.998414: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.998476: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.998630: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:14.998846: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.001251: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.001620: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.001815: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.002868: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.002942: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.004818: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.005405: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.005546: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.005723: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.005816: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.005916: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.006701: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.007518: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.007531: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.007625: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.008744: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.008899: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.009065: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.010537: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.011389: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.011608: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.012465: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.012601: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.012717: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.012790: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.013699: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.013854: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.015528: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.016347: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.018235: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.020033: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.020218: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.021415: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.021537: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.021650: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.022886: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.022897: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.022956: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.026004: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.027811: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.028214: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.028472: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.028525: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.028683: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.029497: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.031483: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.031630: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.033443: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.034521: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.034609: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.034681: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.035480: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.035562: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.035651: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.035671: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.035770: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.036281: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.036996: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.037093: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.038276: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.038783: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.038922: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.039060: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.039270: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.040716: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.040836: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.041007: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.042027: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.042231: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.042249: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.042282: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.042432: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.042551: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.042716: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.042745: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.043361: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.043798: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.043890: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.043992: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:15.044033: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [32] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.50_128.ckpt.meta | |
Processing meta_file ./mobilenet/mobilenet_v1_0.25_224.ckpt.meta | |
2017-06-15 18:48:15.723076: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:15.723101: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:16.158940: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.159154: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.161158: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.161303: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.161575: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.161873: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.163384: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.163499: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.163672: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.163871: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.164530: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.164648: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.164792: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.164885: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.169194: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.169550: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.171159: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.174701: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.174796: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.174914: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.175094: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.176132: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.176296: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.176466: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.176604: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.177323: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.178440: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.178457: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.179995: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.180149: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.180248: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.180309: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.181142: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.181271: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.181307: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.181426: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.183408: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.184637: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.184645: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.184804: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.184864: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.189245: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.193591: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.193767: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.193932: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.194668: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.199623: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.205908: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.207302: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.208678: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.208681: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.210099: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.210121: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.211150: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.211164: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.211793: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.211856: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.213442: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.213776: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.214153: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.214173: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.215043: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.216514: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.218951: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.219056: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.219380: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.221093: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.225177: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.228483: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.228516: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.228607: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.232014: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.232068: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.233901: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.234032: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.234243: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.234410: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.237032: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.237199: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.237406: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.237609: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.237764: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.237886: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.238917: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.238974: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.241389: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.241693: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.241870: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.242007: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.242087: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.242139: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.243809: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.243905: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.243916: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.245026: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.245199: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.248197: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.248242: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.250979: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.252325: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.252592: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.254000: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.254083: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.254150: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.254393: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.254957: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.256198: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.256403: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.256536: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.257250: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.259197: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.259213: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.259249: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.259407: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.260169: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.260583: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.261230: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.262288: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.262306: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.262486: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.262618: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.263573: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.263729: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.263894: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.263977: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.265518: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.265699: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.265893: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.266585: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.266705: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.266778: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.266815: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.266960: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.267051: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.267141: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:16.267166: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.25_224.ckpt.meta | |
Processing meta_file ./mobilenet/mobilenet_v1_0.25_192.ckpt.meta | |
2017-06-15 18:48:17.279837: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:17.279875: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:17.658940: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.666892: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.667615: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.669994: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.670158: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.674848: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.675281: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.680154: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.681080: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.684536: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.686462: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.686553: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.688961: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.692269: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.693572: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.693696: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.693744: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.693820: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.694027: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.694120: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.694255: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.694402: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.694643: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.696225: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.696277: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.696381: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.696600: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.697252: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.697285: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.697414: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.698550: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.699165: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.699898: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.700087: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.700388: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.701509: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.702756: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.702984: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.704342: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.705112: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.706356: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.707472: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.709020: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.709035: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.715220: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.716063: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.716112: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.717238: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.720377: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.720553: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.721172: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.722142: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.723792: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.723921: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.724082: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.725645: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.725743: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.725915: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.729043: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.729843: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.730230: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.730423: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.730957: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.730971: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.731066: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.731182: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.731388: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.732648: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.733213: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.733241: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.733332: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.733335: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.735086: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.735221: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.736395: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.736446: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.736612: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.737328: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.737444: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.737489: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.739725: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.739819: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.739971: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.740228: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.740673: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.741917: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.746526: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.746579: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.748724: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.749483: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.750017: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.751138: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.751288: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.751325: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.751420: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.752839: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.752929: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.753511: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.754885: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.754994: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.755083: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.755504: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.756997: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.757083: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.758632: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.758718: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.760261: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.760332: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.761700: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.761879: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.761920: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.762039: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.762055: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.762700: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.763734: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.764033: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.764205: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.764376: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.764661: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.764767: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.764945: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.765101: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.765988: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.766073: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.766134: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.766208: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.766315: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.766385: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.766484: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.766562: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.766782: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.767103: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.767635: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.767681: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
2017-06-15 18:48:17.767695: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [3,3,64,1] rhs shape= [3,3,16,1] | |
[[Node: save/Assign_59 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/depthwise_weights"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/depthwise_weights, save/RestoreV2_59/_243)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.25_192.ckpt.meta | |
Processing meta_file ./mobilenet/mobilenet_v1_0.25_160.ckpt.meta | |
2017-06-15 18:48:18.234327: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:18.234360: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:18.506216: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.507751: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.595978: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.603245: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.604343: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.613756: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.616768: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.616955: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.617043: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.617320: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.617564: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.617701: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.617922: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.618059: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.618249: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.618395: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.618807: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.618906: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.618898: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.619076: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.619243: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.619816: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.620036: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.620278: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.620376: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.622367: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.622439: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.622709: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.622735: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.622713: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.622932: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.623011: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.623127: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.623417: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.623649: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.623727: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.623868: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.624499: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.624951: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.625591: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.626871: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.626259: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.627843: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.628586: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.631731: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.640394: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.643789: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.645180: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.646266: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.646595: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.646999: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.648712: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.648959: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.649245: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.649788: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.651283: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.653787: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.653804: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.659475: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.659865: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.660086: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.662428: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.662601: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.662709: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.662954: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.663665: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.663799: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.665650: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.665666: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.665831: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.666351: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.666442: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.666468: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.666635: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.666711: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.668180: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.668188: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.668247: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.669453: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.670519: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.670965: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.671123: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.671288: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.672000: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.672015: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.672553: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.672957: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.674010: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.676138: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.676317: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.676554: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.677553: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.677570: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.677835: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.678492: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.679643: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.680722: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.681362: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.683356: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.683446: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.686117: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.686151: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.689012: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.689135: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.689504: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.690318: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.690558: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.691435: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.691517: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.691599: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.691630: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.691736: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.691895: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.692276: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.693547: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.694071: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.694311: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.694649: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.694664: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.694667: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.694924: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.695124: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.696643: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.696693: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.696779: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.696974: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.697016: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.697055: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.697199: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.697341: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.697513: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.697897: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.697957: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
2017-06-15 18:48:18.698030: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [64] rhs shape= [16] | |
[[Node: save/Assign_57 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_depthwise/BatchNorm/moving_mean, save/RestoreV2_57/_237)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.25_160.ckpt.meta | |
Processing meta_file ./mobilenet/mobilenet_v1_0.25_128.ckpt.meta | |
2017-06-15 18:48:19.334360: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:03:00.0) | |
2017-06-15 18:48:19.334390: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:1) -> (device: 1, name: TITAN X (Pascal), pci bus id: 0000:81:00.0) | |
2017-06-15 18:48:19.700653: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.700763: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.700918: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.701351: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.701395: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.701608: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.701751: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.701961: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.701971: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.702134: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.702280: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.702412: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.702642: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.702789: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.702945: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.703192: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.703307: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.703373: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.703583: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.703689: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.703722: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.703989: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.704061: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.704258: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.704398: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.704490: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.706336: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.706457: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.707664: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.709001: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.709095: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.712065: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.712374: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.714650: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.715003: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.719825: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.722595: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.724586: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.724647: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.731777: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.733972: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.737683: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.738264: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.743495: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.745194: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.748767: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.749246: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.752681: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.754858: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.757317: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.757505: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.757571: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.757720: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.757830: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.758975: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.759585: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.759996: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.761009: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.761242: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.761263: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.761412: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.761443: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.761492: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.761818: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.761954: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.762696: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.762696: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.762784: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.763228: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.764574: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.766253: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.766981: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.767974: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.769734: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.769868: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.770012: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.772957: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.773271: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.773276: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.774741: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.774775: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.774919: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.775192: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.775397: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.776219: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.776520: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.781033: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.781312: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.781626: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.783022: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.783147: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.783374: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.784963: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.785877: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.785888: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.786892: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.788655: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.789379: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.790035: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.791191: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.791671: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.791749: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.791809: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.792093: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.792220: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.792241: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.792402: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.792472: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.792501: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.793491: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.793566: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.793650: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.793899: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.795064: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.795824: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.796271: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.796472: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.797145: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.797152: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.797299: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.797445: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.797680: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.797983: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.798019: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.798222: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.798515: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.799669: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.799775: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.799918: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.799989: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.800130: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.800153: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
2017-06-15 18:48:19.800202: W tensorflow/core/framework/op_kernel.cc:1158] Invalid argument: Assign requires shapes of both tensors to match. lhs shape= [128] rhs shape= [32] | |
[[Node: save/Assign_60 = Assign[T=DT_FLOAT, _class=["loc:@MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta"], use_locking=true, validate_shape=true, _device="/job:localhost/replica:0/task:0/gpu:0"](MobilenetV1/Conv2d_2_pointwise/BatchNorm/beta, save/RestoreV2_60/_231)]] | |
Failed to process meta_file ./mobilenet/mobilenet_v1_0.25_128.ckpt.meta |
Sign up for free
to join this conversation on GitHub.
Already have an account?
Sign in to comment
I am still not able to load the ckpt.meta file using tf.train.import_meta_graph() after running your script and generating the *.pb sucessfully. I want to edit the first layer of the weights after loading the graph.