You signed in with another tab or window. Reload to refresh your session.You signed out in another tab or window. Reload to refresh your session.You switched accounts on another tab or window. Reload to refresh your session.Dismiss alert
Hey....can you help me with this BUG?~( >﹏<) It spends me all day to DEBUG, but nothing changed...:
`++ set -e
++ export CUDA_VISIBLE_DEVICES=0
++ CUDA_VISIBLE_DEVICES=0
++ CHECKPOINT_PATH=/home/zhengdl/.local_config/seglink-master/models/model.ckpt-217867
++ DATASET_DIR=/home/zhengdl/.local_config/seglink-master/test_imgs/
++ python test_seglink.py --checkpoint_path=/home/zhengdl/.local_config/seglink-master/models/model.ckpt-217867 --gpu_memory_fraction=-1 --seg_conf_threshold=0.8 --link_conf_threshold=0.5 --dataset_dir=/home/zhengdl/.local_config/seglink-master/test_imgs/
Traceback (most recent call last):
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/logging/init.py", line 868, in emit
msg = self.format(record)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/logging/init.py", line 741, in format
return fmt.format(record)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/logging/init.py", line 465, in format
record.message = record.getMessage()
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/logging/init.py", line 329, in getMessage
msg = msg % self.args
TypeError: not all arguments converted during string formatting
Logged from file test_seglink.py, line 113
2019-05-10 05:14:02.616811: 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.
2019-05-10 05:14:02.616853: 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.
2019-05-10 05:14:02.616864: 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.
2019-05-10 05:14:02.616872: 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.
2019-05-10 05:14:02.616880: 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.
2019-05-10 05:14:02.874247: I tensorflow/core/common_runtime/gpu/gpu_device.cc:887] Found device 0 with properties:
name: Tesla K80
major: 3 minor: 7 memoryClockRate (GHz) 0.8235
pciBusID 0000:04:00.0
Total memory: 11.17GiB
Free memory: 6.91GiB
2019-05-10 05:14:02.874348: I tensorflow/core/common_runtime/gpu/gpu_device.cc:908] DMA: 0
2019-05-10 05:14:02.874368: I tensorflow/core/common_runtime/gpu/gpu_device.cc:918] 0: Y
2019-05-10 05:14:02.874396: I tensorflow/core/common_runtime/gpu/gpu_device.cc:977] Creating TensorFlow device (/gpu:0) -> (device: 0, name: Tesla K80, pci bus id: 0000:04:00.0)
INFO:tensorflow:Restoring parameters from /home/zhengdl/.local_config/seglink-master/models/model.ckpt-217867
Traceback (most recent call last):
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/ops/script_ops.py", line 82, in call
ret = func(*args)
File "/home/zhengdl/.local_config/seglink-master/tf_extended/seglink.py", line 712, in seglink_to_bbox
bboxes = bboxes_to_xys(bboxes, image_shape)
File "/home/zhengdl/.local_config/seglink-master/tf_extended/seglink.py", line 808, in bboxes_to_xys
points = cv2.cv.BoxPoints(bbox)
AttributeError: 'module' object has no attribute 'cv'
2019-05-10 05:14:12.480069: W tensorflow/core/framework/op_kernel.cc:1152] Internal: Failed to run py callback pyfunc_0: see error log.
Traceback (most recent call last):
File "test_seglink.py", line 155, in
tf.app.run()
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
File "test_seglink.py", line 151, in main
resnet_v1_101/block4/unit_2/bottleneck_v1/conv3/BatchNorm/beta:0
resnet_v1_101/block4/unit_2/bottleneck_v1/conv3/BatchNorm/gamma:0
resnet_v1_101/block4/unit_2/bottleneck_v1/conv3/BatchNorm/moving_mean:0
resnet_v1_101/block4/unit_2/bottleneck_v1/conv3/BatchNorm/moving_variance:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/weights:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/BatchNorm/beta:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/BatchNorm/gamma:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/BatchNorm/moving_mean:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/BatchNorm/moving_variance:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/weights:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/BatchNorm/beta:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/BatchNorm/gamma:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/BatchNorm/moving_mean:0resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/BatchNorm/moving_variance:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/weights:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/BatchNorm/beta:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/BatchNorm/gamma:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/BatchNorm/moving_mean:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/BatchNorm/moving_variance:0
2019-05-09 02:34:26.768999: 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.
2019-05-09 02:34:26.769044: 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.
2019-05-09 02:34:26.769055: 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.
2019-05-09 02:34:26.769063: 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.
2019-05-09 02:34:26.769071: 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.
eval()
File "test_seglink.py", line 138, in eval
image_bboxes = sess.run([bboxes_pred], feed_dict = {image:image_data, image_shape:image_data.shape})
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 778, in run
run_metadata_ptr)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 982, in _run
feed_dict_string, options, run_metadata)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1032, in _do_run
target_list, options, run_metadata)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1052, in _do_call raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.InternalError: Failed to run py callback pyfunc_0: see error log.
[[Node: test/PyFunc = PyFunc[Tin=[DT_FLOAT, DT_FLOAT, DT_FLOAT, DT_INT32, DT_FLOAT, DT_FLOAT], Tout=[DT_FLOAT], token="pyfunc_0", _device="/job:localhost/replica:0/task:0/cpu:0"](test/strided_slice_4/_189, test/strided_slice_5/_191, test/strided_slice_2/_193, test/strided_slice_3/_195, test/PyFunc/input_4, test/PyFunc/input_5)]]
Caused by op u'test/PyFunc', defined at:
File "test_seglink.py", line 155, in
tf.app.run()
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
File "test_seglink.py", line 151, in main
eval()
File "test_seglink.py", line 94, in eval
link_conf_threshold = config.link_conf_threshold)
File "/home/zhengdl/.local_config/seglink-master/tf_extended/seglink.py", line 680, in tf_seglink_to_bbox
tf.float32);
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/ops/script_ops.py", line 189, in py_func
input=inp, token=token, Tout=Tout, name=name)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/ops/gen_script_ops.py", line 40, in _py_func
name=name)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/framework/op_def_library.py", line 768, in apply_op
op_def=op_def)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 2336, in create_op
original_op=self._default_original_op, op_def=op_def)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 1228, in init
self._traceback = _extract_stack()
InternalError (see above for traceback): Failed to run py callback pyfunc_0: see error log.
[[Node: test/PyFunc = PyFunc[Tin=[DT_FLOAT, DT_FLOAT, DT_FLOAT, DT_INT32, DT_FLOAT, DT_FLOAT], Tout=[DT_FLOAT], token="pyfunc_0", _device="/job:localhost/replica:0/task:0/cpu:0"](test/strided_slice_4/_189, test/strided_slice_5/_191, test/strided_slice_2/_193, test/strided_slice_3/_195, test/PyFunc/input_4, test/PyFunc/input_5)]]
`
The text was updated successfully, but these errors were encountered:
Hey....can you help me with this BUG?~( >﹏<) It spends me all day to DEBUG, but nothing changed...:
`++ set -e
++ export CUDA_VISIBLE_DEVICES=0
++ CUDA_VISIBLE_DEVICES=0
++ CHECKPOINT_PATH=/home/zhengdl/.local_config/seglink-master/models/model.ckpt-217867
++ DATASET_DIR=/home/zhengdl/.local_config/seglink-master/test_imgs/
++ python test_seglink.py --checkpoint_path=/home/zhengdl/.local_config/seglink-master/models/model.ckpt-217867 --gpu_memory_fraction=-1 --seg_conf_threshold=0.8 --link_conf_threshold=0.5 --dataset_dir=/home/zhengdl/.local_config/seglink-master/test_imgs/
Traceback (most recent call last):
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/logging/init.py", line 868, in emit
msg = self.format(record)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/logging/init.py", line 741, in format
return fmt.format(record)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/logging/init.py", line 465, in format
record.message = record.getMessage()
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/logging/init.py", line 329, in getMessage
msg = msg % self.args
TypeError: not all arguments converted during string formatting
Logged from file test_seglink.py, line 113
2019-05-10 05:14:02.616811: 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.
2019-05-10 05:14:02.616853: 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.
2019-05-10 05:14:02.616864: 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.
2019-05-10 05:14:02.616872: 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.
2019-05-10 05:14:02.616880: 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.
2019-05-10 05:14:02.874247: I tensorflow/core/common_runtime/gpu/gpu_device.cc:887] Found device 0 with properties:
name: Tesla K80
major: 3 minor: 7 memoryClockRate (GHz) 0.8235
pciBusID 0000:04:00.0
Total memory: 11.17GiB
Free memory: 6.91GiB
2019-05-10 05:14:02.874348: I tensorflow/core/common_runtime/gpu/gpu_device.cc:908] DMA: 0
2019-05-10 05:14:02.874368: I tensorflow/core/common_runtime/gpu/gpu_device.cc:918] 0: Y
2019-05-10 05:14:02.874396: I tensorflow/core/common_runtime/gpu/gpu_device.cc:977] Creating TensorFlow device (/gpu:0) -> (device: 0, name: Tesla K80, pci bus id: 0000:04:00.0)
INFO:tensorflow:Restoring parameters from /home/zhengdl/.local_config/seglink-master/models/model.ckpt-217867
Traceback (most recent call last):
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/ops/script_ops.py", line 82, in call
ret = func(*args)
File "/home/zhengdl/.local_config/seglink-master/tf_extended/seglink.py", line 712, in seglink_to_bbox
bboxes = bboxes_to_xys(bboxes, image_shape)
File "/home/zhengdl/.local_config/seglink-master/tf_extended/seglink.py", line 808, in bboxes_to_xys
points = cv2.cv.BoxPoints(bbox)
AttributeError: 'module' object has no attribute 'cv'
2019-05-10 05:14:12.480069: W tensorflow/core/framework/op_kernel.cc:1152] Internal: Failed to run py callback pyfunc_0: see error log.
Traceback (most recent call last):
File "test_seglink.py", line 155, in
tf.app.run()
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
File "test_seglink.py", line 151, in main
resnet_v1_101/block4/unit_2/bottleneck_v1/conv3/BatchNorm/beta:0
resnet_v1_101/block4/unit_2/bottleneck_v1/conv3/BatchNorm/gamma:0
resnet_v1_101/block4/unit_2/bottleneck_v1/conv3/BatchNorm/moving_mean:0
resnet_v1_101/block4/unit_2/bottleneck_v1/conv3/BatchNorm/moving_variance:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/weights:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/BatchNorm/beta:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/BatchNorm/gamma:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/BatchNorm/moving_mean:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/BatchNorm/moving_variance:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/weights:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/BatchNorm/beta:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/BatchNorm/gamma:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/BatchNorm/moving_mean:0resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/BatchNorm/moving_variance:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/weights:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/BatchNorm/beta:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/BatchNorm/gamma:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/BatchNorm/moving_mean:0
resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/BatchNorm/moving_variance:0
2019-05-09 02:34:26.768999: 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.
2019-05-09 02:34:26.769044: 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.
2019-05-09 02:34:26.769055: 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.
2019-05-09 02:34:26.769063: 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.
2019-05-09 02:34:26.769071: 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.
eval()
File "test_seglink.py", line 138, in eval
image_bboxes = sess.run([bboxes_pred], feed_dict = {image:image_data, image_shape:image_data.shape})
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 778, in run
run_metadata_ptr)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 982, in _run
feed_dict_string, options, run_metadata)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1032, in _do_run
target_list, options, run_metadata)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1052, in _do_call raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.InternalError: Failed to run py callback pyfunc_0: see error log.
[[Node: test/PyFunc = PyFunc[Tin=[DT_FLOAT, DT_FLOAT, DT_FLOAT, DT_INT32, DT_FLOAT, DT_FLOAT], Tout=[DT_FLOAT], token="pyfunc_0", _device="/job:localhost/replica:0/task:0/cpu:0"](test/strided_slice_4/_189, test/strided_slice_5/_191, test/strided_slice_2/_193, test/strided_slice_3/_195, test/PyFunc/input_4, test/PyFunc/input_5)]]
Caused by op u'test/PyFunc', defined at:
File "test_seglink.py", line 155, in
tf.app.run()
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
File "test_seglink.py", line 151, in main
eval()
File "test_seglink.py", line 94, in eval
link_conf_threshold = config.link_conf_threshold)
File "/home/zhengdl/.local_config/seglink-master/tf_extended/seglink.py", line 680, in tf_seglink_to_bbox
tf.float32);
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/ops/script_ops.py", line 189, in py_func
input=inp, token=token, Tout=Tout, name=name)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/ops/gen_script_ops.py", line 40, in _py_func
name=name)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/framework/op_def_library.py", line 768, in apply_op
op_def=op_def)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 2336, in create_op
original_op=self._default_original_op, op_def=op_def)
File "/home/zhengdl/anaconda3/envs/qq2/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 1228, in init
self._traceback = _extract_stack()
InternalError (see above for traceback): Failed to run py callback pyfunc_0: see error log.
[[Node: test/PyFunc = PyFunc[Tin=[DT_FLOAT, DT_FLOAT, DT_FLOAT, DT_INT32, DT_FLOAT, DT_FLOAT], Tout=[DT_FLOAT], token="pyfunc_0", _device="/job:localhost/replica:0/task:0/cpu:0"](test/strided_slice_4/_189, test/strided_slice_5/_191, test/strided_slice_2/_193, test/strided_slice_3/_195, test/PyFunc/input_4, test/PyFunc/input_5)]]
`
The text was updated successfully, but these errors were encountered: