Coder Social home page Coder Social logo

yuxng / posecnn Goto Github PK

View Code? Open in Web Editor NEW
739.0 739.0 243.0 6.1 MB

A Convolutional Neural Network for 6D Object Pose Estimation in Cluttered Scenes

Home Page: https://rse-lab.cs.washington.edu/projects/posecnn/

License: MIT License

Shell 4.82% Makefile 0.01% Python 37.18% C++ 47.96% CMake 1.13% C 0.05% GLSL 0.45% Cuda 8.33% MATLAB 0.08%

posecnn's People

Contributors

cvpr20213dvr avatar yuxng avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

posecnn's Issues

synthesizer argument error (python argument type does not match c++)

Hi
I was trying to run the training shell script: ./experiments/scripts/lov_color_2d_train.sh 0
When it runs it stops at render function and gives me this error: I guess it has problems matching str in python to string in c++ which could be cython error.
"
Exception in thread Thread-1:
Traceback (most recent call last):
File "/usr/lib/python2.7/threading.py", line 801, in __bootstrap_inner
self.run()
File "/usr/lib/python2.7/threading.py", line 754, in run
self.__target(*self.__args, *self.__kwargs)
File "./tools/train_net.py", line 160, in render
synthesizer = libsynthesizer.Synthesizer(cfg.CAD, cfg.POSE )
ArgumentError: Python argument types in
Synthesizer.init(Synthesizer, str, str)
did not match C++ signature:
init(_object
, std::string, std::string)
"

The whole log file is attached:`+ echo Logging output to experiments/logs/lov_color_2d_train.txt.2018-07-10_15-39-28
Logging output to experiments/logs/lov_color_2d_train.txt.2018-07-10_15-39-28

  • export LD_PRELOAD=/usr/lib/libtcmalloc.so.4
  • LD_PRELOAD=/usr/lib/libtcmalloc.so.4
  • ./tools/train_net.py --gpu 0 --network vgg16_convs --weights data/imagenet_models/vgg16.npy --imdb lov_train --cfg experiments/cfgs/lov_color_2d.yml --cad data/LOV/models.txt --pose data/LOV/poses.txt --iters 160000
    shapenet_scene_train
    shapenet_scene_val
    shapenet_single_train
    shapenet_single_val
    gmu_scene_train
    gmu_scene_val
    rgbd_scene_train
    rgbd_scene_val
    rgbd_scene_trainval
    lov_train
    lov_val
    lov_keyframe
    lov_trainval
    lov_debug
    lov_train_few
    lov_val_few
    lov_single_002_master_chef_can_train
    lov_single_002_master_chef_can_val
    lov_single_002_master_chef_can_keyframe
    lov_single_003_cracker_box_train
    lov_single_003_cracker_box_val
    lov_single_003_cracker_box_keyframe
    lov_single_004_sugar_box_train
    lov_single_004_sugar_box_val
    lov_single_004_sugar_box_keyframe
    lov_single_005_tomato_soup_can_train
    lov_single_005_tomato_soup_can_val
    lov_single_005_tomato_soup_can_keyframe
    lov_single_006_mustard_bottle_train
    lov_single_006_mustard_bottle_val
    lov_single_006_mustard_bottle_keyframe
    lov_single_007_tuna_fish_can_train
    lov_single_007_tuna_fish_can_val
    lov_single_007_tuna_fish_can_keyframe
    lov_single_008_pudding_box_train
    lov_single_008_pudding_box_val
    lov_single_008_pudding_box_keyframe
    lov_single_009_gelatin_box_train
    lov_single_009_gelatin_box_val
    lov_single_009_gelatin_box_keyframe
    lov_single_010_potted_meat_can_train
    lov_single_010_potted_meat_can_val
    lov_single_010_potted_meat_can_keyframe
    lov_single_011_banana_train
    lov_single_011_banana_val
    lov_single_011_banana_keyframe
    lov_single_019_pitcher_base_train
    lov_single_019_pitcher_base_val
    lov_single_019_pitcher_base_keyframe
    lov_single_021_bleach_cleanser_train
    lov_single_021_bleach_cleanser_val
    lov_single_021_bleach_cleanser_keyframe
    lov_single_024_bowl_train
    lov_single_024_bowl_val
    lov_single_024_bowl_keyframe
    lov_single_025_mug_train
    lov_single_025_mug_val
    lov_single_025_mug_keyframe
    lov_single_035_power_drill_train
    lov_single_035_power_drill_val
    lov_single_035_power_drill_keyframe
    lov_single_036_wood_block_train
    lov_single_036_wood_block_val
    lov_single_036_wood_block_keyframe
    lov_single_037_scissors_train
    lov_single_037_scissors_val
    lov_single_037_scissors_keyframe
    lov_single_040_large_marker_train
    lov_single_040_large_marker_val
    lov_single_040_large_marker_keyframe
    lov_single_051_large_clamp_train
    lov_single_051_large_clamp_val
    lov_single_051_large_clamp_keyframe
    lov_single_052_extra_large_clamp_train
    lov_single_052_extra_large_clamp_val
    lov_single_052_extra_large_clamp_keyframe
    lov_single_061_foam_brick_train
    lov_single_061_foam_brick_val
    lov_single_061_foam_brick_keyframe
    ycb_trainval
    ycb_single_002_master_chef_can_train
    ycb_single_003_cracker_box_train
    ycb_single_004_sugar_box_train
    ycb_single_005_tomato_soup_can_train
    ycb_single_006_mustard_bottle_train
    ycb_single_007_tuna_fish_can_train
    ycb_single_008_pudding_box_train
    ycb_single_009_gelatin_box_train
    ycb_single_010_potted_meat_can_train
    ycb_single_011_banana_train
    ycb_single_019_pitcher_base_train
    ycb_single_021_bleach_cleanser_train
    ycb_single_024_bowl_train
    ycb_single_025_mug_train
    ycb_single_035_power_drill_train
    ycb_single_036_wood_block_train
    ycb_single_037_scissors_train
    ycb_single_040_large_marker_train
    ycb_single_051_large_clamp_train
    ycb_single_052_extra_large_clamp_train
    ycb_single_061_foam_brick_train
    yumi_train
    linemod_ape_train
    linemod_ape_test
    linemod_ape_train_few
    linemod_ape_test_few
    linemod_benchvise_train
    linemod_benchvise_test
    linemod_benchvise_train_few
    linemod_benchvise_test_few
    linemod_bowl_train
    linemod_bowl_test
    linemod_bowl_train_few
    linemod_bowl_test_few
    linemod_camera_train
    linemod_camera_test
    linemod_camera_train_few
    linemod_camera_test_few
    linemod_can_train
    linemod_can_test
    linemod_can_train_few
    linemod_can_test_few
    linemod_cat_train
    linemod_cat_test
    linemod_cat_train_few
    linemod_cat_test_few
    linemod_cup_train
    linemod_cup_test
    linemod_cup_train_few
    linemod_cup_test_few
    linemod_driller_train
    linemod_driller_test
    linemod_driller_train_few
    linemod_driller_test_few
    linemod_duck_train
    linemod_duck_test
    linemod_duck_train_few
    linemod_duck_test_few
    linemod_eggbox_train
    linemod_eggbox_test
    linemod_eggbox_train_few
    linemod_eggbox_test_few
    linemod_glue_train
    linemod_glue_test
    linemod_glue_train_few
    linemod_glue_test_few
    linemod_holepuncher_train
    linemod_holepuncher_test
    linemod_holepuncher_train_few
    linemod_holepuncher_test_few
    linemod_iron_train
    linemod_iron_test
    linemod_iron_train_few
    linemod_iron_test_few
    linemod_lamp_train
    linemod_lamp_test
    linemod_lamp_train_few
    linemod_lamp_test_few
    linemod_phone_train
    linemod_phone_test
    linemod_phone_train_few
    linemod_phone_test_few
    sym_train
    Called with args:
    Namespace(cad_name='data/LOV/models.txt', cfg_file='experiments/cfgs/lov_color_2d.yml', gpu_id=0, imdb_name='lov_train', max_iters=160000, network_name='vgg16_convs', pose_name='data/LOV/poses.txt', pretrained_ckpt=None, pretrained_model='data/imagenet_models/vgg16.npy', randomize=False, rig_name=None)
    Using config:
    {'ANCHOR_RATIOS': [0.5, 1, 2],
    'ANCHOR_SCALES': [8, 16, 32],
    'BACKGROUND': '',
    'CAD': '',
    'EPS': 1e-14,
    'EXP_DIR': 'lov',
    'FEATURE_STRIDE': 16,
    'FLIP_X': False,
    'GPU_ID': 0,
    'INPUT': 'COLOR',
    'NETWORK': 'VGG16',
    'PIXEL_MEANS': array([[[102.9801, 115.9465, 122.7717]]]),
    'POSE': '',
    'RIG': '',
    'RNG_SEED': 3,
    'ROOT_DIR': '/home/mamad/PoseCNN',
    'TEST': {'BBOX_REG': True,
    'GAN': False,
    'GRID_SIZE': 256,
    'NMS': 0.3,
    'POSE_REFINE': False,
    'POSE_REG': True,
    'RANSAC': False,
    'RPN_NMS_THRESH': 0.7,
    'RPN_POST_NMS_TOP_N': 300,
    'RPN_PRE_NMS_TOP_N': 6000,
    'SCALES_BASE': [1.0],
    'SEGMENTATION': True,
    'SINGLE_FRAME': True,
    'SYNTHETIC': False,
    'VERTEX_REG_2D': True,
    'VERTEX_REG_3D': False,
    'VISUALIZE': True,
    'VOTING_THRESHOLD': -1},
    'TRAIN': {'ADAPT': False,
    'ADAPT_NUM': 400,
    'ADAPT_RATIO': 1,
    'ADAPT_ROOT': '',
    'ADAPT_WEIGHT': 0.1,
    'ADD_NOISE': True,
    'BATCH_SIZE': 128,
    'BBOX_INSIDE_WEIGHTS': [1.0, 1.0, 1.0, 1.0],
    'BBOX_NORMALIZE_MEANS': [0.0, 0.0, 0.0, 0.0],
    'BBOX_NORMALIZE_STDS': [0.1, 0.1, 0.2, 0.2],
    'BBOX_NORMALIZE_TARGETS': True,
    'BBOX_NORMALIZE_TARGETS_PRECOMPUTED': True,
    'BG_THRESH_HI': 0.5,
    'BG_THRESH_LO': 0.1,
    'CHROMATIC': True,
    'DISPLAY': 20,
    'FG_FRACTION': 0.25,
    'FG_THRESH': 0.5,
    'GAMMA': 0.1,
    'GAN': False,
    'GRID_SIZE': 256,
    'HAS_RPN': True,
    'IMS_PER_BATCH': 2,
    'LABEL_W': 1.0,
    'LEARNING_RATE': 0.001,
    'MATCHING': False,
    'MOMENTUM': 0.9,
    'NUM_CLASSES': 22,
    'NUM_STEPS': 5,
    'NUM_UNITS': 64,
    'OPTIMIZER': 'MOMENTUM',
    'POSE_REG': True,
    'POSE_W': 1.0,
    'RPN_BATCHSIZE': 256,
    'RPN_BBOX_INSIDE_WEIGHTS': [1.0, 1.0, 1.0, 1.0],
    'RPN_CLOBBER_POSITIVES': False,
    'RPN_FG_FRACTION': 0.5,
    'RPN_NEGATIVE_OVERLAP': 0.3,
    'RPN_NMS_THRESH': 0.7,
    'RPN_POSITIVE_OVERLAP': 0.7,
    'RPN_POSITIVE_WEIGHT': -1.0,
    'RPN_POST_NMS_TOP_N': 2000,
    'RPN_PRE_NMS_TOP_N': 12000,
    'SCALES_BASE': [1.0],
    'SEGMENTATION': True,
    'SINGLE_FRAME': True,
    'SNAPSHOT_INFIX': 'lov',
    'SNAPSHOT_ITERS': 10000,
    'SNAPSHOT_PREFIX': 'vgg16_fcn_color_single_frame_2d_pose_add',
    'STEPSIZE': 80000,
    'SYMSIZE': 0,
    'SYNITER': 0,
    'SYNNUM': 80000,
    'SYNROOT': 'data/LOV/data_syn/',
    'SYNTHESIZE': True,
    'SYN_CLASS_INDEX': -1,
    'SYN_HEIGHT': 480,
    'SYN_ONLINE': True,
    'SYN_RATIO': 5,
    'SYN_SAMPLE_OBJECT': True,
    'SYN_SAMPLE_POSE': True,
    'SYN_TFAR': 2.0,
    'SYN_TNEAR': 0.5,
    'SYN_WIDTH': 640,
    'THRESHOLD_LABEL': 1.0,
    'TRAINABLE': True,
    'USE_FLIPPED': False,
    'USE_GT': False,
    'VERTEX_REG_2D': True,
    'VERTEX_REG_3D': False,
    'VERTEX_W': 1.0,
    'VERTEX_W_INSIDE': 10.0,
    'VISUALIZE': False,
    'VOTING_THRESHOLD': -1,
    'WEIGHT_REG': 0.0001},
    'USE_GPU_NMS': True}
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/002_master_chef_can/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/003_cracker_box/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/004_sugar_box/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/005_tomato_soup_can/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/006_mustard_bottle/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/007_tuna_fish_can/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/008_pudding_box/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/009_gelatin_box/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/010_potted_meat_can/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/011_banana/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/019_pitcher_base/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/021_bleach_cleanser/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/024_bowl/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/025_mug/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/035_power_drill/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/036_wood_block/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/037_scissors/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/040_large_marker/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/051_large_clamp/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/052_extra_large_clamp/points.xyz
    /home/mamad/PoseCNN/tools/../lib/datasets/../../data/LOV/models/061_foam_brick/points.xyz
    Loaded dataset lov_train for training
    symmetry
    [0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 1]
    lov_train gt roidb loaded from /home/mamad/PoseCNN/data/cache/lov_train_gt_roidb.pkl
    class weights: [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]
    Output will be saved to /home/mamad/PoseCNN/output/lov/lov_train
    /gpu:0
    registered Poly3
    registered Poly3
    registered Linear
    registered Linear
    Start Rendering ...
    Start Rendering fn
    ('CAD ', <type 'str'>)
    ('pose ', <type 'str'>)
    Exception in thread Thread-1:
    Traceback (most recent call last):
    File "/usr/lib/python2.7/threading.py", line 801, in __bootstrap_inner
    self.run()
    File "/usr/lib/python2.7/threading.py", line 754, in run
    self.__target(*self.__args, *self.__kwargs)
    File "./tools/train_net.py", line 160, in render
    synthesizer = libsynthesizer.Synthesizer(cfg.CAD, cfg.POSE )
    ArgumentError: Python argument types in
    Synthesizer.init(Synthesizer, str, str)
    did not match C++ signature:
    init(_object
    , std::string, std::string)

Tensor("fifo_queue_Dequeue:0", dtype=float32)
Tensor("conv5_3/conv5_3:0", shape=(?, ?, ?, 512), dtype=float32)
Tensor("conv4_3/conv4_3:0", shape=(?, ?, ?, 512), dtype=float32)
Tensor("score_conv4/score_conv4:0", shape=(?, ?, ?, 64), dtype=float32)
Tensor("upscore_conv5_1:0", shape=(?, ?, ?, 64), dtype=float32)
Tensor("upscore_1:0", shape=(?, ?, ?, 64), dtype=float32)
Tensor("score/score:0", shape=(?, ?, ?, 22), dtype=float32)
Tensor("div:0", shape=(?, ?, ?, 22), dtype=float32)
Tensor("fifo_queue_Dequeue:1", dtype=int32)
Tensor("conv5_3/conv5_3:0", shape=(?, ?, ?, 512), dtype=float32)
Tensor("conv4_3/conv4_3:0", shape=(?, ?, ?, 512), dtype=float32)
Tensor("score_conv4_vertex/BiasAdd:0", shape=(?, ?, ?, 128), dtype=float32)
Tensor("upscore_conv5_vertex_1:0", shape=(?, ?, ?, 128), dtype=float32)
Tensor("ToInt32:0", shape=(?, ?, ?), dtype=int32)
Tensor("vertex_pred/BiasAdd:0", shape=(?, ?, ?, 66), dtype=float32)
Tensor("fifo_queue_Dequeue:6", dtype=float32)
Tensor("fifo_queue_Dequeue:7", dtype=float32)
Tensor("fifo_queue_Dequeue:5", dtype=float32)
Tensor("conv5_3/conv5_3:0", shape=(?, ?, ?, 512), dtype=float32)
Tensor("hough:0", shape=(?, 7), dtype=float32)
Tensor("conv4_3/conv4_3:0", shape=(?, ?, ?, 512), dtype=float32)
Tensor("hough:0", shape=(?, 7), dtype=float32)
RoiPool(top_data=<tf.Tensor 'pool5:0' shape=(?, 7, 7, 512) dtype=float32>, argmax=<tf.Tensor 'pool5:1' shape=(?, 7, 7, 512) dtype=int32>)
RoiPool(top_data=<tf.Tensor 'pool4_1:0' shape=(?, 7, 7, 512) dtype=float32>, argmax=<tf.Tensor 'pool4_1:1' shape=(?, 7, 7, 512) dtype=int32>)
Tensor("poses_tanh:0", shape=(?, 88), dtype=float32)
Tensor("hough:3", shape=(?, 88), dtype=float32)
Tensor("poses_pred:0", shape=(?, 88), dtype=float32)
Tensor("hough:2", shape=(?, 88), dtype=float32)
Tensor("hough:3", shape=(?, 88), dtype=float32)
Tensor("fifo_queue_Dequeue:8", dtype=float32)
Tensor("fifo_queue_Dequeue:9", dtype=float32)
Use network vgg16_convs in training
2018-07-10 15:39:32.228268: I tensorflow/core/platform/cpu_feature_guard.cc:137] Your CPU supports instructions that this TensorFlow binary was not compiled to use: SSE4.1 SSE4.2 AVX
2018-07-10 15:39:32.337709: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Found device 0 with properties:
name: TITAN X (Pascal) major: 6 minor: 1 memoryClockRate(GHz): 1.531
pciBusID: 0000:02:00.0
totalMemory: 11.90GiB freeMemory: 11.36GiB
2018-07-10 15:39:32.337748: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1120] Creating TensorFlow device (/device:GPU:0) -> (device: 0, name: TITAN X (Pascal), pci bus id: 0000:02:00.0, compute capability: 6.1)
lov_train backgrounds loaded from /home/mamad/PoseCNN/data/cache/backgrounds.pkl
lov_train backgrounds depth loaded from /home/mamad/PoseCNN/data/cache/backgrounds_depth.pkl
Solving...
('Layer.py back', [])
Loading pretrained model weights from data/imagenet_models/vgg16.npy
conv5_1
conv5_1 weights assigned
conv5_1 biases assigned
fc6
fc6 weights assigned
fc6 biases assigned
conv5_3
conv5_3 weights assigned
conv5_3 biases assigned
fc7
fc7 weights assigned
fc7 biases assigned
fc8
conv5_2
conv5_2 weights assigned
conv5_2 biases assigned
conv4_1
conv4_1 weights assigned
conv4_1 biases assigned
conv4_2
conv4_2 weights assigned
conv4_2 biases assigned
conv4_3
conv4_3 weights assigned
conv4_3 biases assigned
conv3_3
conv3_3 weights assigned
conv3_3 biases assigned
conv3_2
conv3_2 weights assigned
conv3_2 biases assigned
conv3_1
conv3_1 weights assigned
conv3_1 biases assigned
conv1_1
conv1_1 weights assigned
conv1_1 biases assigned
conv1_2
conv1_2 weights assigned
conv1_2 biases assigned
conv2_2
conv2_2 weights assigned
conv2_2 biases assigned
conv2_1
conv2_1 weights assigned
conv2_1 biases assigned`

Error about sophus/se3.hpp

Hi, does anybody came across this problem:

/PoseCNN/lib/synthesize/../kinect_fusion/include/df/camera/rig.h:7:26: fatal error: sophus/se3.hpp: No such file or directory

It seems I need to have se3.hpp in sophus, however I only have se3.h in my installation file of sophus, and it doesn't work for for me by altering the file name, so I was wondering if it's the problem with my installation of sophus?

cannot import name gpu_normals

When I try to run the ./experiments/scripts/demo.sh $GPU_ID demo, I get the following error:

+ ./tools/demo.py --gpu 0 --network vgg16_convs --model data/demo_models/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000.ckpt --imdb lov_keyframe --cfg experiments/cfgs/lov_color_2d.yml --rig data/LOV/camera.json --cad data/LOV/models.txt --pose data/LOV/poses.txt --background data/cache/backgrounds.pkl
Traceback (most recent call last):
  File "./tools/demo.py", line 13, in <module>
    from fcn.test import test_net_images
  File "/root/PoseCNN/tools/../lib/fcn/test.py", line 29, in <module>
    from normals import gpu_normals
ImportError: cannot import name gpu_normals

There is only a gpu_normals.pyx and no gpu_normals.py. Am I missing any package that processes the gpu_normals.pyx to a normal python module?

AttributeError: 'vgg16_convs' object has no attribute 'state'

Hi,
I got the above error when I try running
/experiments/scripts/lov_color_2d_test.sh 0
And when I got into /lib/networks/vgg16_convs.py, there's indeed no attribute state. It is the same for weight and depth. The only network having these attributes is vgg16. However, when I input --network vgg16 instead of --network vgg16-convs, it raises the error

Traceback (most recent call last):
  File "./tools/test_net.py", line 105, in <module>
    network = get_network(args.network_name)
  File "/home/thomas/Desktop/Master_Project/PoseCNN/tools/../lib/networks/factory.py", line 50, in get_network
    raise KeyError('Unknown network: {}'.format(name))
KeyError: 'Unknown network: vgg16'

So I was wondering : what is the attribute ? what does it represent and where does it come from ?
How can I fix this ?
Thank you

when I execute sh make.sh I get some problem

/usr/bin/ld:Can not find -ltensorflow_framework
collect2: error: ld returned 1 exit status
hough_voting_gpu_layer
In file included from hough_voting_op.cc:25:0:
ransac.h:31:21: fatal error: nlopt.hpp: no such directory
compilation terminated.
hough_voting_layer

i install tensorflow-gpu through pip
my python version is 2.7

How can I solve this ??
thx!!!

ld cannot find -lkfusion

Hi,
When I Run make into the build directory, I got this issue :

[ 50%] Linking CXX shared library libsynthesizer.so
/usr/bin/ld: cannot find -lkfusion
collect2: error: ld returned 1 exit status
CMakeFiles/synthesizer.dir/build.make:417: recipe for target 'libsynthesizer.so' failed
make[2]: *** [libsynthesizer.so] Error 1
CMakeFiles/Makefile2:67: recipe for target 'CMakeFiles/synthesizer.dir/all' failed
make[1]: *** [CMakeFiles/synthesizer.dir/all] Error 2
Makefile:83: recipe for target 'all' failed
make: *** [all] Error 2

So I guess I have to build and compile the directory "kinect_fusion" in $ROOT/lib. but then, I receive this error:

[  1%] Building NVCC (Device) object CMakeFiles/kinectFusion.dir/src/voxel/kinectFusion_generated_voxelGrid.cu.o
#$ _SPACE_= 
#$ _CUDART_=cudart
#$ _HERE_=/usr/local/cuda-9.0/bin
#$ _THERE_=/usr/local/cuda-9.0/bin
#$ _TARGET_SIZE_=
#$ _TARGET_DIR_=
#$ _TARGET_DIR_=targets/x86_64-linux
#$ TOP=/usr/local/cuda-9.0/bin/..
#$ NVVMIR_LIBRARY_DIR=/usr/local/cuda-9.0/bin/../nvvm/libdevice
#$ LD_LIBRARY_PATH=/usr/local/cuda-9.0/bin/../lib:
#$ PATH=/usr/local/cuda-9.0/bin/../open64/bin:/usr/local/cuda-9.0/bin/../nvvm/bin:/usr/local/cuda-9.0/bin:/home/thomas/anaconda3/envs/poseCNN/bin:/usr/local/cuda-8.0/bin:/home/thomas/bin:/home/thomas/.local/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin:/usr/games:/usr/local/games:/snap/bin:/usr/local/cuda-8.0/bin:/home/thomas/anaconda3/bin
#$ INCLUDES="-I/usr/local/cuda-9.0/bin/../targets/x86_64-linux/include"  
#$ LIBRARIES=  "-L/usr/local/cuda-9.0/bin/../targets/x86_64-linux/lib/stubs" "-L/usr/local/cuda-9.0/bin/../targets/x86_64-linux/lib"
#$ CUDAFE_FLAGS=
#$ PTXAS_FLAGS=
#$ "/usr/bin"/cc -std=c++11 -D__CUDA_ARCH__=610 -E -x c++  -DCUDA_DOUBLE_MATH_FUNCTIONS -D__CUDACC__ -D__NVCC__ -D__CUDACC_EXTENDED_LAMBDA__ -D__CUDACC_RELAXED_CONSTEXPR__  "-O3" "-DNDEBUG" -fPIC -O3 -I"/usr/local/cuda-9.0/include" -I"/home/thomas/Desktop/PoseCNN-master/lib/kinect_fusion/include" -I"/usr/local/include/pangolin" -I"/usr/include/eigen3" -I"/usr/include/suitesparse" -I"/usr/local/include" -I"/usr/include" "-I/usr/local/cuda-9.0/bin/../targets/x86_64-linux/include"   -D"__CUDACC_VER_BUILD__=176" -D"__CUDACC_VER_MINOR__=0" -D"__CUDACC_VER_MAJOR__=9" -D"__CUDACC__" -D"COMPILE_DIR=\"/home/thomas/Desktop/PoseCNN-master/lib/kinect_fusion\"" -D"BUILD_POLY3" -D"BUILD_LINEAR" -D"NVCC" -include "cuda_runtime.h" -m64 "/home/thomas/Desktop/PoseCNN-master/lib/kinect_fusion/./src/voxel/voxelGrid.cu" > "/tmp/tmpxft_0000180e_00000000-4_voxelGrid.cpp1.ii" 
In file included from /usr/local/cuda-9.0/include/common_functions.h:50:0,
                 from /usr/local/cuda-9.0/include/cuda_runtime.h:115,
                 from <command-line>:0:
/usr/local/cuda-9.0/include/crt/common_functions.h:64:24: error: token ""__CUDACC_VER__ is no longer supported.  Use __CUDACC_VER_MAJOR__, __CUDACC_VER_MINOR__, and __CUDACC_VER_BUILD__ instead."" is not valid in preprocessor expressions
 #define __CUDACC_VER__ "__CUDACC_VER__ is no longer supported.  Use __CUDACC_VER_MAJOR__, __CUDACC_VER_MINOR__, and __CUDACC_VER_BUILD__ instead."
                        ^
/usr/include/eigen3/Eigen/src/Core/util/Macros.h:364:33: note: in expansion of macro โ€˜__CUDACC_VER__โ€™
 #if defined(__CUDACC_VER__) &&  __CUDACC_VER__ >= 70500 && __cplusplus > 199711L
                                 ^
# --error 0x1 --
CMake Error at kinectFusion_generated_voxelGrid.cu.o.Release.cmake:219 (message):
  Error generating
  /home/thomas/Desktop/PoseCNN-master/lib/kinect_fusion/build/CMakeFiles/kinectFusion.dir/src/voxel/./kinectFusion_generated_voxelGrid.cu.o


CMakeFiles/kinectFusion.dir/build.make:10209: recipe for target 'CMakeFiles/kinectFusion.dir/src/voxel/kinectFusion_generated_voxelGrid.cu.o' failed
make[2]: *** [CMakeFiles/kinectFusion.dir/src/voxel/kinectFusion_generated_voxelGrid.cu.o] Error 1
CMakeFiles/Makefile2:67: recipe for target 'CMakeFiles/kinectFusion.dir/all' failed
make[1]: *** [CMakeFiles/kinectFusion.dir/all] Error 2
Makefile:83: recipe for target 'all' failed
make: *** [all] Error 2

Has anyone encounter this ?

I am using :
Ubuntu 16.04
Cuda 9.0
Eigen3 : (3.3~beta1-2)

cannot handel opengl problem

Hi,here:
I met this kind errors,": error: โ€˜pangolin::GlBuffer::GlBuffer(const pangolin::GlBuffer&)โ€™ is private",while using ubuntu14.04,the default opengl-version is 2.1.
some discussion say that,using opengl version4.1 can avoid these error,however,as I know,opengl version is depend on nvida-driver,and if I install nvidia driver without "--no-opengl-files",I get struck in circular login while turn on computer.So,do you know how to avoid or solve it?Thank you.

Error Running demo.sh

I am trying to run the demo :
./experiments/scripts/demo.sh $GPU_ID
but I get the following error :

Traceback (most recent call last):
  File "./tools/demo.py", line 84, in <module>
    imdb = get_imdb(args.imdb_name)
  File "/home/thomas/Desktop/PoseCNN-master/tools/../lib/datasets/factory.py", line 116, in get_imdb
    return __sets[name]()
  File "/home/thomas/Desktop/PoseCNN-master/tools/../lib/datasets/factory.py", line 57, in <lambda>
    datasets.lov(split))
  File "/home/thomas/Desktop/PoseCNN-master/tools/../lib/datasets/lov.py", line 55, in __init__
    'Data path does not exist: {}'.format(self._data_path)
AssertionError: Data path does not exist: /home/thomas/Desktop/PoseCNN-master/tools/../lib/datasets/../../data/LOV/data

If I get it right, it's trying to acces to a folder data that does not exist. Am I suppose to create it ? If yes, should I fill it and with what ?

Segmentation Fault while running demo

2018-07-06 09:39:07.632390: I tensorflow/core/platform/cpu_feature_guard.cc:140] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA Loading model weights from data/demo_models/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000.ckpt data/demo_images/000004-color.png ./experiments/scripts/demo.sh: line 17: 3175 Segmentation fault (core dumped) ./tools/demo.py --gpu 0 --network vgg16_convs --model data/demo_models/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000.ckpt --imdb lov_keyframe --cfg experiments/cfgs/lov_color_2d.yml --rig data/LOV/camera.json --cad data/LOV/models.txt --pose data/LOV/poses.txt --background data/cache/backgrounds.pkl

Hi, while running the demo it loads the network and starts with the first image and terminates with a segmentation fault as described above.

I am running it on:
32GB RAM
Nvidia GTX 1070
Ubuntu 16.04
CUDA 8.0
cudNN 7.05
Tensorflow 1.8

It was tested with multiple tensorflow versions from 1.4 to 1.8 with no success

GL_SHADER_STORAGE_BUFFERโ€™ was not declared in this scope

(poseCNN) cxx@cxx:~/wzw/poseEstimate/poseCNN/lib/synthesize/build$ make
Scanning dependencies of target synthesizer
[ 25%] Building CXX object CMakeFiles/synthesizer.dir/synthesize.cpp.o
In file included from /home/cxx/wzw/third-party/Pangolin/include/pangolin/pangolin.h:33:0,
from /home/cxx/wzw/poseEstimate/poseCNN/lib/synthesize/synthesize.hpp:15,
from /home/cxx/wzw/poseEstimate/poseCNN/lib/synthesize/synthesize.cpp:1:
/home/cxx/wzw/third-party/Pangolin/include/pangolin/gl/gl.h:173:29: error: โ€˜GL_SHADER_STORAGE_BUFFERโ€™ was not declared in this scope
GlShaderStorageBuffer = GL_SHADER_STORAGE_BUFFER
^
In file included from /home/cxx/wzw/third-party/Pangolin/include/pangolin/gl/gl.h:248:0,
from /home/cxx/wzw/third-party/Pangolin/include/pangolin/pangolin.h:33,
from /home/cxx/wzw/poseEstimate/poseCNN/lib/synthesize/synthesize.hpp:15,
from /home/cxx/wzw/poseEstimate/poseCNN/lib/synthesize/synthesize.cpp:1:
/home/cxx/wzw/third-party/Pangolin/include/pangolin/gl/gl.hpp: In member function โ€˜void pangolin::GlTexture::CopyFrom(const pangolin::GlTexture&)โ€™:
/home/cxx/wzw/third-party/Pangolin/include/pangolin/gl/gl.hpp:298:40: error: โ€˜glCopyImageSubDataโ€™ was not declared in this scope
width, height, 1);

nvcc fatal : Stray '"' character

When trying to build kinect_fusion which is needed to build synthesize I get following error:

[  1%] Building NVCC (Device) object CMakeFiles/kinectFusion.dir/src/voxel/kinectFusion_generated_voxelGrid.cu.o
CMake Warning (dev) at kinectFusion_generated_voxelGrid.cu.o.Release.cmake:81:
  Syntax Warning in cmake code at column 49

  Argument not separated from preceding token by whitespace.
This warning is for project developers.  Use -Wno-dev to suppress it.

nvcc fatal   : Stray '"' character
CMake Error at kinectFusion_generated_voxelGrid.cu.o.Release.cmake:222 (message):
  Error generating
  ~/PoseCNN/lib/kinect_fusion/build/CMakeFiles/kinectFusion.dir/src/voxel/./kinectFusion_generated_voxelGrid.cu.o


CMakeFiles/kinectFusion.dir/build.make:266: recipe for target 'CMakeFiles/kinectFusion.dir/src/voxel/kinectFusion_generated_voxelGrid.cu.o' failed
make[2]: *** [CMakeFiles/kinectFusion.dir/src/voxel/kinectFusion_generated_voxelGrid.cu.o] Error 1
CMakeFiles/Makefile2:67: recipe for target 'CMakeFiles/kinectFusion.dir/all' failed
make[1]: *** [CMakeFiles/kinectFusion.dir/all] Error 2
Makefile:83: recipe for target 'all' failed
make: *** [all] Error 2

I tried the patch here recommended here but without success. If anybody got this code to run it would be nice to share all the necessary steps.

What cmake version and cuda version did you use? I tried to downgrade cmake to 3.6 which was proposed here to fix this issue, but now I get new errors. If you could tell us exactly what version of things you used to get this running, that would be a great help.

Compile Error

Since it said that '-lkfusion' is not found when compiling 'lib/syntheize', I compile the 'lib/kinect_fusion' with following command:

cd kinect_fusion
mkdir build && cd build && cmake ..
make

Then it comes out with cuda error:

/usr/local/cuda-8.0/include/cuda_runtime.h(546): warning: calling a __host__ function("Eigen::Quaternion<float, (int)2> ::Quaternion") from a __host__ __device__ function("") is not allowed

/usr/local/cuda-8.0/include/cuda_runtime.h(546): warning: calling a __host__ function("Eigen::Quaternion<float, (int)2> ::Quaternion") from a __host__ __device__ function("") is not allowed

PoseCNN/lib/kinect_fusion/./src/transform/nonrigid.cu(758): error: calling a __host__ function("Eigen::Quaternion<float, (int)2> ::Quaternion") from a __global__ function("df::initializeNewBaseLevelVertexTransformsKernel<float, (int)4> ") is not allowed

PoseCNN/lib/kinect_fusion/./src/transform/nonrigid.cu(758): error: calling a __host__ function("Eigen::Quaternion<float, (int)2> ::Quaternion") from a __global__ function("df::initializeNewBaseLevelVertexTransformsKernel<float, (int)4> ") is not allowed

PoseCNN/lib/kinect_fusion/./src/transform/nonrigid.cu(97): error: calling a __host__ function("Eigen::Quaternion<float, (int)2> ::Quaternion") from a __global__ function("df::warpMeshKernel<float, (int)4, (int)1, (int)3> ") is not allowed

PoseCNN/lib/kinect_fusion/./src/transform/nonrigid.cu(97): error: calling a __host__ function("Eigen::Quaternion<float, (int)2> ::Quaternion") from a __global__ function("df::warpMeshKernel<float, (int)4, (int)1, (int)3> ") is not allowed

PoseCNN/lib/kinect_fusion/./src/transform/nonrigid.cu(97): error: calling a __host__ function("Eigen::Quaternion<float, (int)2> ::Quaternion") from a __global__ function("df::warpMeshKernel<float, (int)4, (int)2, (int)4> ") is not allowed

PoseCNN/lib/kinect_fusion/./src/transform/nonrigid.cu(97): error: calling a __host__ function("Eigen::Quaternion<float, (int)2> ::Quaternion") from a __global__ function("df::warpMeshKernel<float, (int)4, (int)2, (int)4> ") is not allowed

6 errors detected in the compilation of "/tmp/tmpxft_0000d886_00000000-7_nonrigid.cpp1.ii".
# --error 0x2 --
CMake Error at kfusion_generated_nonrigid.cu.o.cmake:266 (message):
  Error generating file
PoseCNN/lib/kinect_fusion/build/CMakeFiles/kfusion.dir/src/transform/./kfusion_generated_nonrigid.cu.o


CMakeFiles/kinectFusion.dir/build.make:91: recipe for target 'CMakeFiles/kfusion.dir/src/transform/kfusion_generated_nonrigid.cu.o' failed
make[2]: *** [CMakeFiles/kfusion.dir/src/transform/kfusion_generated_nonrigid.cu.o] Error 1
CMakeFiles/Makefile2:67: recipe for target 'CMakeFiles/kinectFusion.dir/all' failed
make[1]: *** [CMakeFiles/kinectFusion.dir/all] Error 2
Makefile:83: recipe for target 'all' failed
make: *** [all] Error 2

I read several issues in DA-RNN, tried but still not solved.
Is there any suggestions?
The system is Ubuntu16.04, and Python 3.5.
Thanks a lot!

Cannot find the includes with 'df/*' while compiling synthesize lib

I get the following error while trying to compile the synthesis lib.

df/camera/camera.h: No such file or directory

I indeed see some hard-coded paths in the CMakeLists.txt. For example:

set(xFusion_ROOT "/home/yuxiang/Projects/Deep_Pose/lib/kinect_fusion")

Which could be reason.

yaml.constructor.ConstructorError: could not determine a constructor for the tag

I am trying to run the demo and run into the following issue on my Ubuntu 16.04 machine.

Called with args:
Namespace(background_name='data/cache/backgrounds.pkl', cad_name='data/LOV/models.txt', cfg_file='experiments/cfgs/lov_color_2d.yml', gpu_id=0, imdb_name='lov_keyframe', kfusion=False, model='data/demo_models/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000.ckpt', network_name='vgg16_convs', pose_name='data/LOV/poses.txt', pretrained_model=None, rig_name='data/LOV/camera.json', wait=True)
Traceback (most recent call last):
File "./tools/demo.py", line 77, in
cfg_from_file(args.cfg_file)
File "/home/nivedithak/Downloads/PoseCNN-master/tools/../lib/fcn/config.py", line 303, in cfg_from_file
yaml_cfg = edict(yaml.load(f))
File "/home/nivedithak/Downloads/PoseCNN-master/PYTHON_27/local/lib/python2.7/site-packages/yaml/init.py", line 74, in load
return loader.get_single_data()
File "/home/nivedithak/Downloads/PoseCNN-master/PYTHON_27/local/lib/python2.7/site-packages/yaml/constructor.py", line 39, in get_single_data
return self.construct_document(node)
File "/home/nivedithak/Downloads/PoseCNN-master/PYTHON_27/local/lib/python2.7/site-packages/yaml/constructor.py", line 48, in construct_document
for dummy in generator:
File "/home/nivedithak/Downloads/PoseCNN-master/PYTHON_27/local/lib/python2.7/site-packages/yaml/constructor.py", line 398, in construct_yaml_map
value = self.construct_mapping(node)
File "/home/nivedithak/Downloads/PoseCNN-master/PYTHON_27/local/lib/python2.7/site-packages/yaml/constructor.py", line 208, in construct_mapping
return BaseConstructor.construct_mapping(self, node, deep=deep)
File "/home/nivedithak/Downloads/PoseCNN-master/PYTHON_27/local/lib/python2.7/site-packages/yaml/constructor.py", line 133, in construct_mapping
value = self.construct_object(value_node, deep=deep)
File "/home/nivedithak/Downloads/PoseCNN-master/PYTHON_27/local/lib/python2.7/site-packages/yaml/constructor.py", line 88, in construct_object
data = constructor(self, node)
File "/home/nivedithak/Downloads/PoseCNN-master/PYTHON_27/local/lib/python2.7/site-packages/yaml/constructor.py", line 414, in construct_undefined
node.start_mark)
yaml.constructor.ConstructorError: could not determine a constructor for the tag 'tag:yaml.org,2002:python/tuple'
in "experiments/cfgs/lov_color_2d.yml", line 12, column 16

I don't see any unusual characters in that line and it is using the python specific tag !!python/tuple.

Make error for compiling synthesize

Hi Yu Xiang,

Thank you so much for providing the code of pose estimation.
I followed your README instructions and have been a problem with installing.

At step 4, the command "make" produced the errors related to pangolin and opengl.
For example,

home/PoseCNN/lib/synthesize/synthesize.cpp:748:58: error: no matching function for call to โ€˜df::GLRenderer<df::CanonicalVertRenderType>::setProjectionMatrix(pangolin::OpenGlMatrixSpec&)โ€™
   renderer_->setProjectionMatrix(projectionMatrix_reverse);

/home/PoseCNN/lib/synthesize/synthesize.cpp:789:39: error: no matching function for call to โ€˜pangolin::OpenGlMatrix::OpenGlMatrix(Eigen::Matrix4f&)โ€™
     pangolin::OpenGlMatrix mvMatrix(mv);

/home/PoseCNN/lib/synthesize/synthesize.cpp:1951:50: error: no matching function for call to โ€˜df::GLRenderer<df::CanonicalVertRenderType>::setProjectionMatrix(pangolin::OpenGlMatrixSpec&)โ€™
   renderer_->setProjectionMatrix(projectionMatrix);

Do you have any ideas for solving these errors?

Thank you!

The system information follows.
OS: Ubuntu14.04
Python:3.5

YCB-Video dataset

@yuxng Hello Dr Xiang๏ผŒthe GoogleDrive is not available in China mainland, could you please provide an accessible link for downloading the YCB-video dataset?

ImportError while Running the demo

when Running the demo:

./experiments/scripts/demo.sh --gpu 0

I got the following error:

ImportError: /home/zgl/PoseCNN/tools/../lib/synthesize/synthesizer.so: undefined symbol: ZN11SynthesizerC1ENSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEES5

anyone has gotten the same error and solved it?

Implementation problems

Hi Yu Xiang,

Thanks for providing the code for your paper. I have been having some problems downloading and running the commands that you provided.

  1. When I run the demo file, I get the error "nError: Path does not exist: /home/rajatmittal/Documents/posecnn/tools/../lib/datasets/../../data/LOV/models/002_master_chef_can/points.xyz". Do you know why this is happening?
  2. Your YCB dataset is huge. 265GB. Is it possible for you to provide a trimmed down version for it.
  3. You mention in step 4 that it is optional. Do I still have to compile the cython interface that you mention in step 4?
  4. The number of dependencies for lib/synthesize are huge. Again, do I have to install it.

Your help would be really appreciated.

Thanks.

Compile Error: fatal error: nlopt.hpp: No such file or directory

When compile in lib, after

sh make.sh

an error comes out as follows:

In file included from hough_voting_op.cc:25:0:
ransac.h:31:21: fatal error: nlopt.hpp: No such file or directory
compilation terminated.

I used Ubuntu 16.04, Python3.5, Tensorflow 1.4.1, CUDA 8.0.

Toolbox/Guidelines to run for Linemod Dataset?

Hi @yuxng ,

Thanks for providing a well structured code package. Could you also provide data pre-processing steps for the LINEMOD object dataset? I am unable to figure out ways to generate train/test index files.

P.S. - I am trying to train your network for benchvise object in linemod.

Thanks,

train and test error?

my hardware: ubuntu16.04, gcc5.4๏ผŒcuda8.0, cudnn6.0, tensorflow1.4, when i run the train or test script, it happens "_ZTIN10tensorflow8OpKernelE". After i add -D_GLIBCXX_USE_CXX11_ABI=0 in the make.sh, it happen "_ZN10tensorflow8internal21CheckOpMessageBuilder9NewStringB5cxx11Ev".

I have tried many methods but can't solve above problem. can you tell me what's your implementation environment? thanks

Data folder not found while running the demo

Hi! Im having the following problem while running the demo:

Traceback (most recent call last):
  File "./tools/demo.py", line 84, in <module>
    imdb = get_imdb(args.imdb_name)
  File "/home/fmartinez/ERL/PoseCNN/tools/../lib/datasets/factory.py", line 116, in get_imdb
    return __sets[name]()
  File "/home/fmartinez/ERL/PoseCNN/tools/../lib/datasets/factory.py", line 57, in <lambda>
    datasets.lov(split))
  File "/home/fmartinez/ERL/PoseCNN/tools/../lib/datasets/lov.py", line 55, in __init__
    'Data path does not exist: {}'.format(self._data_path)
AssertionError: Data path does not exist: /home/fmartinez/ERL/PoseCNN/tools/../lib/datasets/../../data/LOV/data

Any idea of what should I do?

Some toy, simple dataset

Work with 256 gb dataset is very, very inconvenient. It will be so great to have some toy, small dataset. Maybe 3d generated. Maybe someone has such kind of dataset that is able to work with PoseCNN?

tensorflow.python.framework.errors_impl.NotFoundError: undefined symbol: nlopt_destroy

Hi Yu Xiang,
I have compiled successfully all your installation steps and I run this './experiments/scripts/demo.sh $GPU_ID' . However, I get the trouble:

Traceback (most recent call last): File "./tools/demo.py", line 113, in <module> from networks.factory import get_network File "/home/quannguyen/quan/Solomon/python/Deep Learning/PoseCNN-master/tools/../lib/networks/__init__.py", line 8, in <module> from .vgg16 import vgg16 File "/home/quannguyen/quan/Solomon/python/Deep Learning/PoseCNN-master/tools/../lib/networks/vgg16.py", line 2, in <module> from networks.network import Network File "/home/quannguyen/quan/Solomon/python/Deep Learning/PoseCNN-master/tools/../lib/networks/network.py", line 17, in <module> import hough_voting_layer.hough_voting_op as hough_voting_op File "/home/quannguyen/quan/Solomon/python/Deep Learning/PoseCNN-master/tools/../lib/hough_voting_layer/hough_voting_op.py", line 5, in <module> _hough_voting_module = tf.load_op_library(filename) File "/home/quannguyen/anaconda3/envs/CV_TF_python36/lib/python3.6/site-packages/tensorflow/python/framework/load_library.py", line 56, in load_op_library lib_handle = py_tf.TF_LoadLibrary(library_filename) tensorflow.python.framework.errors_impl.NotFoundError: /home/quannguyen/quan/Solomon/python/Deep Learning/PoseCNN-master/tools/../lib/hough_voting_layer/hough_voting.cpython-36m-x86_64-linux-gnu.so: undefined symbol: nlopt_destroy

#Update:
I have fix it follow thread #1, so I close this topic, thanks.

queastion about implementation

it this the right way to add the -D_GLIBCXX_USE_CXX11_ABI=0 ?

nvcc -std=c++11 -c -o average_distance_loss_op_gpu.cu.o average_distance_loss_op_gpu.cu.cc
-I $TF_INC -D_GLIBCXX_USE_CXX11_ABI=0 -I$TF_INC/external/nsync/public -D GOOGLE_CUDA=1 -x cu -Xcompiler -fPIC -arch=sm_50

g++ -std=c++11 -shared -o average_distance_loss.so average_distance_loss_op.cc
average_distance_loss_op_gpu.cu.o -I $TF_INC -D_GLIBCXX_USE_CXX11_ABI=0 -I$TF_INC/external/nsync/public -fPIC -lcudart -L$CUDA_PATH/lib64 -L$TF_LIB -ltensorflow_framework

error while running "python3 setup.py build_ext --inplace"

When I want to run the "python3 setup.py build_ext --inplace" I get following errors:

running build_ext
skipping 'normals/gpu_normals.cpp' Cython extension (up-to-date)
building 'normals.gpu_normals' extension
/usr/local/cuda-9.2/bin/nvcc -I/home/mgh/.local/lib/python3.5/site-packages/numpy/core/include -I/usr/local/cuda-9.2/include -I/usr/local/include/eigen3 -I/usr/include/python3.5m -c normals/compute_normals.cu -o build/temp.linux-x86_64-3.5/normals/compute_normals.o -arch=sm_35 --ptxas-options=-v -c --compiler-options '-fPIC'
/usr/local/include/eigen3/Eigen/src/Core/MathFunctions.h(1067): warning: calling a host function from a host device function is not allowed

/usr/local/include/eigen3/Eigen/src/Core/MathFunctions.h(1067): warning: calling a host function from a host device function is not allowed

/usr/local/include/eigen3/Eigen/src/Core/MathFunctions.h(1072): warning: calling a host function from a host device function is not allowed

/usr/local/include/eigen3/Eigen/src/Core/MathFunctions.h(1072): warning: calling a host function from a host device function is not allowed

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/Half.h(241): warning: calling a host function from a host device function is not allowed

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/Half.h(244): warning: calling a host function from a host device function is not allowed

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/Half.h(285): error: no suitable user-defined conversion from "__half" to "Eigen::half_impl::__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/Half.h(340): error: no suitable user-defined conversion from "Eigen::half_impl::__half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/Half.h(432): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/Half.h(439): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/Half.h(612): warning: function "__shfl_xor(float, int, int)"
/usr/local/cuda-9.2/include/sm_30_intrinsics.hpp(294): here was declared deprecated ("__shfl_xor() is deprecated in favor of __shfl_xor_sync() and may be removed in a future release (Use -Wno-deprecated-declarations to suppress this warning).")

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(45): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(53): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(53): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(57): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(57): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(65): error: no operator "=" matches these operands
operand types are: Eigen::half = __half

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(66): error: no operator "=" matches these operands
operand types are: Eigen::half = __half

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(81): error: no suitable user-defined conversion from "Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(81): error: no suitable user-defined conversion from "Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(88): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(88): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(92): error: no operator "=" matches these operands
operand types are: Eigen::half = __half

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(93): error: no operator "=" matches these operands
operand types are: Eigen::half = __half

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(97): error: no suitable user-defined conversion from "__half" to "Eigen::half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(102): error: more than one conversion function from "const __half" to a built-in type applies:
function "__half::operator short() const"
function "__half::operator unsigned short() const"
function "__half::operator int() const"
function "__half::operator unsigned int() const"
function "__half::operator long long() const"
function "__half::operator unsigned long long() const"
function "__half::operator __nv_bool() const"

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(121): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(122): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(244): error: no suitable user-defined conversion from "__half" to "Eigen::half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/PacketMathHalf.h(256): error: no suitable user-defined conversion from "__half" to "Eigen::half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/TypeCasting.h(23): error: no suitable user-defined conversion from "__half" to "Eigen::half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/TypeCasting.h(41): error: no suitable user-defined conversion from "__half" to "Eigen::half" exists

/usr/local/include/eigen3/Eigen/src/Core/arch/CUDA/TypeCasting.h(59): error: no suitable user-defined conversion from "const Eigen::half" to "__half" exists

26 errors detected in the compilation of "/tmp/tmpxft_00002061_00000000-6_compute_normals.cpp1.ii".
error: command '/usr/local/cuda-9.2/bin/nvcc' failed with exit status 1

Video Format

Hi @yuxng ,
I'd like to test the pre-trained model on my own recorded video (which also contains YCB-Object). Could you precise the format of the video you're providing so I can test it on my own sequences ?
(since the .zip file you're providing would take me 24 hours, so I can't tell the format form it)
Thank you

how to understand the result of demo?

how to understand the result of demo? when I run the demo.sh, I get the result as follows. what's the meaning of the 3*4 matrix? Is there any other graph result๏ผŸ

``data/demo_images/000001-color.png
[0, 4, 2, 3, 1]
[[ 0. 2. 283.5 133.2 514.5 392.8 1870. ]
[ 0. 15. 38.4 233.8 337.6 370.2 1217. ]
[ 0. 5. 317.8 240.3 410.2 431.7 1192. ]
[ 0. 10. 95.6 306.8 280.4 487.2 844. ]
[ 0. 4. 372.4 250.9 473.6 363.1 630. ]]
im_segment: 0/5 2.584s 0.000s
/home/l00404262/pose-cnn/posecnn/output/images/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000/mat/000000.mat
003_cracker_box
[[ 0.6422991 0.11825264 0.75727683 0.08245494]
[ 0.2812132 0.8827622 -0.37636426 0.02077807]
[-0.71300143 0.45469466 0.53374314 1.022648 ]]

035_power_drill
[[-0.36496866 0.9297555 -0.04850226 -0.11761715]
[-0.22443092 -0.03730001 0.9737758 0.05707268]
[ 0.90356433 0.36628312 0.22227931 1.0038762 ]]

006_mustard_bottle
[[-0.27254885 -0.9612891 0.04050098 0.04041607]
[-0.52675986 0.11385927 -0.8423539 0.07496937]
[ 0.80513424 -0.2509169 -0.5374007 0.8451747 ]]

011_banana
[[ 0.7152798 -0.65476066 -0.24426067 -0.09588137]
[-0.47088557 -0.19330123 -0.86075634 0.11935466]
[ 0.5163735 0.73070043 -0.4465818 0.8183588 ]]

005_tomato_soup_can
[[-0.24271648 -0.96719044 0.07504287 0.09861922]
[-0.48978522 0.05540327 -0.870081 0.05884667]
[ 0.8373764 -0.24793784 -0.48716292 0.9562935 ]]

data/demo_images/000005-color.png
[3, 1, 2, 0, 4]
[[ 0. 15. 222.9 108.7 445.1 335.3 1785. ]
[ 0. 3. 188.6 304.3 373.4 451.7 1764. ]
[ 0. 12. 102.7 98.2 241.3 291.8 1745. ]
[ 0. 2. 87.8 26. 312.2 290. 1697. ]
[ 0. 19. 341.7 244.6 502.3 407.4 927. ]]
im_segment: 4/5 0.256s 0.000s
/home/l00404262/pose-cnn/posecnn/output/images/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000/mat/000004.mat
035_power_drill
[[-0.79307353 0.03152163 0.6083097 0.01757701]
[-0.2863282 -0.9007414 -0.3266206 -0.01614243]
[ 0.53763413 -0.4332104 0.7233798 0.89233726]]

004_sugar_box
[[-0.05908491 -0.15062854 0.9868232 -0.0249941 ]
[-0.88968515 0.45628068 0.01637772 0.10673593]
[-0.4527353 -0.8769943 -0.16097128 0.83356476]]

021_bleach_cleanser
[[-0.9080525 -0.4185388 -0.01629667 -0.12675728]
[-0.2248048 0.5198222 -0.8241648 -0.04160914]
[ 0.35341638 -0.7447215 -0.5661153 0.95910937]]

003_cracker_box
[[-0.27735838 0.9571752 0.08299295 -0.10655584]
[ 0.50783616 0.21938507 -0.83305013 -0.07851676]
[-0.8155824 -0.18890665 -0.54693645 1.0060583 ]]

051_large_clamp
[[ 0.98945546 -0.14415832 -0.01401017 0.09840345]
[-0.09128212 -0.54556674 -0.8330814 0.076396 ]
[ 0.11245212 0.8255758 -0.5529731 0.9629544 ]]

data/demo_images/000004-color.png
[2, 0, 1]
[[ 0. 11. 221. 75.9 463. 342.1 3526. ]
[ 0. 5. 332.8 249.9 447.2 428.1 1270. ]
[ 0. 6. 213.8 303.3 328.2 428.7 814. ]]
im_segment: 3/5 0.221s 0.000s
/home/l00404262/pose-cnn/posecnn/output/images/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000/mat/000003.mat
019_pitcher_base
[[ 0.57848835 0.8078584 0.11276557 0.02698041]
[ 0.57146865 -0.30274802 -0.7627366 -0.03002721]
[-0.58204365 0.5056762 -0.63680196 0.9920388 ]]

006_mustard_bottle
[[ 0.68264264 0.71917355 0.12957029 0.06465604]
[ 0.52466255 -0.3589347 -0.77194256 0.08196001]
[-0.50865334 0.5949416 -0.6223476 0.8956092 ]]

007_tuna_fish_can
[[-0.4215358 -0.5414055 0.7274529 -0.0353383 ]
[-0.90422386 0.31152016 -0.29212058 0.10487492]
[-0.06846057 -0.7809195 -0.6208687 0.8978541 ]]

data/demo_images/000002-color.png
[1, 3, 0, 2, 4]
[[0.000e+00 3.000e+00 1.825e+02 2.725e+02 3.475e+02 4.375e+02 1.573e+03]
[0.000e+00 1.200e+01 2.132e+02 8.910e+01 3.188e+02 2.629e+02 1.375e+03]
[0.000e+00 1.000e+00 2.912e+02 1.539e+02 4.188e+02 3.101e+02 1.304e+03]
[0.000e+00 4.000e+00 3.704e+02 2.414e+02 4.936e+02 3.646e+02 8.610e+02]
[0.000e+00 1.700e+01 6.320e+01 3.210e+02 2.128e+02 3.870e+02 4.470e+02]]
im_segment: 1/5 0.225s 0.000s
/home/l00404262/pose-cnn/posecnn/output/images/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000/mat/000001.mat
004_sugar_box
[[-0.15976454 0.9531169 -0.25698918 -0.04170658]
[-0.77241707 -0.2828072 -0.5686756 0.09874432]
[-0.6146927 0.10764863 0.7813864 0.9271626 ]]

021_bleach_cleanser
[[ 0.889594 -0.4554014 -0.0351006 -0.04652733]
[-0.19150709 -0.30211905 -0.93383586 -0.06462913]
[ 0.41466552 0.8374568 -0.3559759 1.0563438 ]]

002_master_chef_can
[[ 0.73876274 -0.6727802 0.03995484 0.0403282 ]
[-0.30980563 -0.39164263 -0.8663928 -0.00893156]
[ 0.59854 0.6276805 -0.49776208 1.0239959 ]]

005_tomato_soup_can
[[-0.4866409 -0.3669129 -0.792815 0.09678001]
[ 0.76156765 -0.62281054 -0.1792256 0.05013151]
[-0.42801332 -0.69100076 0.582514 0.86749095]]

037_scissors
[[ 0.21864083 0.9612652 -0.16782571 -0.14670825]
[ 0.4488678 0.05363503 0.89198714 0.09441528]
[ 0.8664375 -0.2703564 -0.4197542 0.89438194]]

data/demo_images/000003-color.png
[2, 1, 0]
[[ 0. 13. 298.5 244.1 551.5 483.9 2656. ]
[ 0. 9. 136.8 211.6 295.2 374.4 1019. ]
[ 0. 4. 174. 302.8 284. 439.2 971. ]]
im_segment: 2/5 0.230s 0.000s
/home/l00404262/pose-cnn/posecnn/output/images/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000/mat/000002.mat
024_bowl
[[ 0.94938517 0.29547584 0.10659184 0.08527517]
[ 0.22814123 -0.41536832 -0.8805798 0.09334073]
[-0.21591519 0.8603274 -0.46175474 0.81213427]]

010_potted_meat_can
[[-0.96951807 0.24496381 0.00523676 -0.08112083]
[ 0.15087484 0.61370015 -0.7749896 0.04320456]
[-0.19305821 -0.7505764 -0.6319522 0.8922638 ]]

005_tomato_soup_can
[[-0.1556726 -0.98779947 -0.00426031 -0.06283883]
[-0.71000516 0.11489002 -0.69476104 0.09696867]
[ 0.6867741 -0.10513044 -0.7192279 0.7981611 ]]

42.40user 6.38system 0:12.40elapsed 393%CPU (0avgtext+0avgdata 3729156maxresident)k
0inputs+64outputs (0major+956187minor)pagefaults 0swaps

Running the demo.sh: "Error in `python': free(): invalid next size (fast)"

Hi all, I got the following error when I tried to run the demo.sh:

Error in `python': free(): invalid next size (fast)

Has anyone encountered the same problem / What could be the solution?
Here's the full output:

/local/data/PoseCNN$ ./experiments/scripts/demo.sh 0
+ set -e
+ export PYTHONUNBUFFERED=True
+ PYTHONUNBUFFERED=True
+ export CUDA_VISIBLE_DEVICES=0
+ CUDA_VISIBLE_DEVICES=0
+ ./tools/demo.py --gpu 0 --network vgg16_convs --model data/demo_models/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_80000.ckpt --imdb lov_keyframe --cfg experiments/cfgs/lov_color_2d.yml
registered Poly3
registered Poly3
registered Linear
registered Linear
shapenet_scene_train
shapenet_scene_val
shapenet_single_train
shapenet_single_val
gmu_scene_train
gmu_scene_val
rgbd_scene_train
rgbd_scene_val
rgbd_scene_trainval
lov_train
lov_val
lov_keyframe
lov_trainval
lov_debug
lov_train_few
lov_val_few
lov_single_002_master_chef_can_train
lov_single_003_cracker_box_train
lov_single_004_sugar_box_train
lov_single_005_tomato_soup_can_train
lov_single_006_mustard_bottle_train
lov_single_007_tuna_fish_can_train
lov_single_008_pudding_box_train
lov_single_009_gelatin_box_train
lov_single_010_potted_meat_can_train
lov_single_011_banana_train
lov_single_019_pitcher_base_train
lov_single_021_bleach_cleanser_train
lov_single_024_bowl_train
lov_single_025_mug_train
lov_single_035_power_drill_train
lov_single_036_wood_block_train
lov_single_037_scissors_train
lov_single_040_large_marker_train
lov_single_051_large_clamp_train
lov_single_052_extra_large_clamp_train
lov_single_061_foam_brick_train
ycb_trainval
yumi_train
linemod_ape_train
linemod_ape_test
linemod_ape_train_few
linemod_ape_test_few
linemod_benchvise_train
linemod_benchvise_test
linemod_benchvise_train_few
linemod_benchvise_test_few
linemod_bowl_train
linemod_bowl_test
linemod_bowl_train_few
linemod_bowl_test_few
linemod_camera_train
linemod_camera_test
linemod_camera_train_few
linemod_camera_test_few
linemod_can_train
linemod_can_test
linemod_can_train_few
linemod_can_test_few
linemod_cat_train
linemod_cat_test
linemod_cat_train_few
linemod_cat_test_few
linemod_cup_train
linemod_cup_test
linemod_cup_train_few
linemod_cup_test_few
linemod_driller_train
linemod_driller_test
linemod_driller_train_few
linemod_driller_test_few
linemod_duck_train
linemod_duck_test
linemod_duck_train_few
linemod_duck_test_few
linemod_eggbox_train
linemod_eggbox_test
linemod_eggbox_train_few
linemod_eggbox_test_few
linemod_glue_train
linemod_glue_test
linemod_glue_train_few
linemod_glue_test_few
linemod_holepuncher_train
linemod_holepuncher_test
linemod_holepuncher_train_few
linemod_holepuncher_test_few
linemod_iron_train
linemod_iron_test
linemod_iron_train_few
linemod_iron_test_few
linemod_lamp_train
linemod_lamp_test
linemod_lamp_train_few
linemod_lamp_test_few
linemod_phone_train
linemod_phone_test
linemod_phone_train_few
linemod_phone_test_few
Called with args:
Namespace(background_name=None, cad_name=None, cfg_file='experiments/cfgs/lov_color_2d.yml', gpu_id=0, imdb_name='lov_keyframe', kfusion=False, model='data/demo_models/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_80000.ckpt', network_name='vgg16_convs', pose_name=None, pretrained_model=None, rig_name=None, wait=True)
Using config:
{'ANCHOR_RATIOS': [0.5, 1, 2],
 'ANCHOR_SCALES': [8, 16, 32],
 'BACKGROUND': '',
 'CAD': '',
 'EPS': 1e-14,
 'EXP_DIR': 'lov',
 'FEATURE_STRIDE': 16,
 'FLIP_X': False,
 'GPU_ID': 0,
 'INPUT': 'COLOR',
 'NETWORK': 'VGG16',
 'PIXEL_MEANS': array([[[102.9801, 115.9465, 122.7717]]]),
 'POSE': '',
 'RIG': '',
 'RNG_SEED': 3,
 'ROOT_DIR': '/local/data/PoseCNN',
 'TEST': {'BBOX_REG': True,
          'GAN': False,
          'GRID_SIZE': 256,
          'NMS': 0.3,
          'POSE_REFINE': False,
          'POSE_REG': True,
          'RANSAC': False,
          'RPN_NMS_THRESH': 0.7,
          'RPN_POST_NMS_TOP_N': 300,
          'RPN_PRE_NMS_TOP_N': 6000,
          'SCALES_BASE': [1.0],
          'SEGMENTATION': True,
          'SINGLE_FRAME': True,
          'SYNTHETIC': False,
          'VERTEX_REG_2D': True,
          'VERTEX_REG_3D': False,
          'VISUALIZE': True},
 'TRAIN': {'ADAPT': False,
           'ADAPT_NUM': 400,
           'ADAPT_RATIO': 1,
           'ADAPT_ROOT': '',
           'ADAPT_WEIGHT': 0.1,
           'ADD_NOISE': False,
           'BATCH_SIZE': 128,
           'BBOX_INSIDE_WEIGHTS': [1.0, 1.0, 1.0, 1.0],
           'BBOX_NORMALIZE_MEANS': [0.0, 0.0, 0.0, 0.0],
           'BBOX_NORMALIZE_STDS': [0.1, 0.1, 0.2, 0.2],
           'BBOX_NORMALIZE_TARGETS': True,
           'BBOX_NORMALIZE_TARGETS_PRECOMPUTED': True,
           'BG_THRESH_HI': 0.5,
           'BG_THRESH_LO': 0.1,
           'CHROMATIC': True,
           'DISPLAY': 20,
           'FG_FRACTION': 0.25,
           'FG_THRESH': 0.5,
           'GAMMA': 0.1,
           'GAN': False,
           'GRID_SIZE': 256,
           'HAS_RPN': True,
           'IMS_PER_BATCH': 2,
           'LEARNING_RATE': 0.001,
           'MATCHING': False,
           'MOMENTUM': 0.9,
           'NUM_CLASSES': 22,
           'NUM_STEPS': 5,
           'NUM_UNITS': 64,
           'OPTIMIZER': 'MOMENTUM',
           'POSE_REG': True,
           'POSE_W': 1.0,
           'RPN_BATCHSIZE': 256,
           'RPN_BBOX_INSIDE_WEIGHTS': [1.0, 1.0, 1.0, 1.0],
           'RPN_CLOBBER_POSITIVES': False,
           'RPN_FG_FRACTION': 0.5,
           'RPN_NEGATIVE_OVERLAP': 0.3,
           'RPN_NMS_THRESH': 0.7,
           'RPN_POSITIVE_OVERLAP': 0.7,
           'RPN_POSITIVE_WEIGHT': -1.0,
           'RPN_POST_NMS_TOP_N': 2000,
           'RPN_PRE_NMS_TOP_N': 12000,
           'SCALES_BASE': [1.0],
           'SEGMENTATION': True,
           'SINGLE_FRAME': True,
           'SNAPSHOT_INFIX': 'lov',
           'SNAPSHOT_ITERS': 10000,
           'SNAPSHOT_PREFIX': 'vgg16_fcn_color_single_frame_2d_pose_add',
           'STEPSIZE': 60000,
           'SYNITER': 0,
           'SYNNUM': 80000,
           'SYNROOT': 'data/LOV/data_syn/',
           'SYNTHESIZE': True,
           'SYN_HEIGHT': 480,
           'SYN_ONLINE': False,
           'SYN_RATIO': 10,
           'SYN_WIDTH': 640,
           'TRAINABLE': True,
           'USE_FLIPPED': False,
           'USE_GT': False,
           'VERTEX_REG_2D': True,
           'VERTEX_REG_3D': False,
           'VERTEX_W': 1.0,
           'VISUALIZE': False,
           'WEIGHT_REG': 0.0001},
 'USE_GPU_NMS': True}
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/002_master_chef_can/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/003_cracker_box/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/004_sugar_box/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/005_tomato_soup_can/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/006_mustard_bottle/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/007_tuna_fish_can/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/008_pudding_box/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/009_gelatin_box/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/010_potted_meat_can/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/011_banana/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/019_pitcher_base/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/021_bleach_cleanser/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/024_bowl/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/025_mug/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/035_power_drill/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/036_wood_block/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/037_scissors/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/040_large_marker/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/051_large_clamp/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/052_extra_large_clamp/points.xyz
/local/data/PoseCNN/tools/../lib/datasets/../../data/LOV/models/061_foam_brick/points.xyz
data/demo_images/000001-color.png
data/demo_images/000001-depth.png
data/demo_images/000002-color.png
data/demo_images/000002-depth.png
data/demo_images/000003-color.png
data/demo_images/000003-depth.png
data/demo_images/000004-color.png
data/demo_images/000004-depth.png
data/demo_images/000005-color.png
data/demo_images/000005-depth.png
{'intrinsic_matrix': array([[1.066778e+03, 0.000000e+00, 3.129869e+02],
       [0.000000e+00, 1.067487e+03, 2.413109e+02],
       [0.000000e+00, 0.000000e+00, 1.000000e+00]]), 'factor_depth': 10000.0}
/gpu:0
/usr/local/lib/python2.7/dist-packages/h5py/__init__.py:36: FutureWarning: Conversion of the second argument of issubdtype from `float` to `np.floating` is deprecated. In future, it will be treated as `np.float64 == np.dtype(float).type`.
  from ._conv import register_converters as _register_converters
/local/data/PoseCNN/tools/../lib/backprojecting_layer/backprojecting.so
*** Error in `python': free(): invalid next size (fast): 0x0000000003654470 ***
======= Backtrace: =========
/lib/x86_64-linux-gnu/libc.so.6(+0x777e5)[0x7f93684207e5]
/lib/x86_64-linux-gnu/libc.so.6(+0x8037a)[0x7f936842937a]
/lib/x86_64-linux-gnu/libc.so.6(cfree+0x4c)[0x7f936842d53c]
/usr/local/lib/python2.7/dist-packages/tensorflow/libtensorflow_framework.so(+0x351d1f)[0x7f92838c9d1f]
/lib64/ld-linux-x86-64.so.2(+0x106ba)[0x7f93689a06ba]
/lib64/ld-linux-x86-64.so.2(+0x107cb)[0x7f93689a07cb]
/lib64/ld-linux-x86-64.so.2(+0x158e2)[0x7f93689a58e2]
/lib64/ld-linux-x86-64.so.2(+0x10564)[0x7f93689a0564]
/lib64/ld-linux-x86-64.so.2(+0x14da9)[0x7f93689a4da9]
/lib/x86_64-linux-gnu/libdl.so.2(+0xf09)[0x7f93681a5f09]
/lib64/ld-linux-x86-64.so.2(+0x10564)[0x7f93689a0564]
/lib/x86_64-linux-gnu/libdl.so.2(+0x1571)[0x7f93681a6571]
/lib/x86_64-linux-gnu/libdl.so.2(dlopen+0x31)[0x7f93681a5fa1]
/usr/local/lib/python2.7/dist-packages/tensorflow/python/_pywrap_tensorflow_internal.so(_ZN10tensorflow8internal11LoadLibraryEPKcPPv+0x1a)[0x7f92b8cd638a]
/usr/local/lib/python2.7/dist-packages/tensorflow/python/_pywrap_tensorflow_internal.so(+0x3731617)[0x7f92b8cd5617]
/usr/local/lib/python2.7/dist-packages/tensorflow/python/_pywrap_tensorflow_internal.so(_ZN10tensorflow11LoadLibraryEPKcPPvPPKvPm+0x603)[0x7f92b8ba1f33]
/usr/local/lib/python2.7/dist-packages/tensorflow/python/_pywrap_tensorflow_internal.so(TF_LoadLibrary+0x37)[0x7f92b6875147]
/usr/local/lib/python2.7/dist-packages/tensorflow/python/_pywrap_tensorflow_internal.so(+0x10f9eda)[0x7f92b669deda]
python(PyEval_EvalFrameEx+0x5ca)[0x4bc3fa]
python(PyEval_EvalCodeEx+0x306)[0x4b9ab6]
python(PyEval_EvalFrameEx+0x603f)[0x4c1e6f]
python(PyEval_EvalCodeEx+0x306)[0x4b9ab6]
python(PyEval_EvalCode+0x16)[0x4b97a6]
python(PyImport_ExecCodeModuleEx+0xbf)[0x4b96df]
python[0x4b2b06]
python[0x4a4ae1]
python(PyImport_ImportModuleLevel+0x8d3)[0x4a4513]
python[0x4a59e4]
python(PyObject_Call+0x3e)[0x4a577e]
python(PyEval_CallObjectWithKeywords+0x30)[0x4c5e10]
python(PyEval_EvalFrameEx+0x28a7)[0x4be6d7]
python(PyEval_EvalCodeEx+0x306)[0x4b9ab6]
python(PyEval_EvalCode+0x16)[0x4b97a6]
python(PyImport_ExecCodeModuleEx+0xbf)[0x4b96df]
python[0x4b2b06]
python[0x4a4ae1]
python(PyImport_ImportModuleLevel+0x8d3)[0x4a4513]
python[0x4a59e4]
python(PyObject_Call+0x3e)[0x4a577e]
python(PyEval_CallObjectWithKeywords+0x30)[0x4c5e10]
python(PyEval_EvalFrameEx+0x28a7)[0x4be6d7]
python(PyEval_EvalCodeEx+0x306)[0x4b9ab6]
python(PyEval_EvalCode+0x16)[0x4b97a6]
python(PyImport_ExecCodeModuleEx+0xbf)[0x4b96df]
python[0x4b2b06]
python[0x4a4ae1]
python(PyImport_ImportModuleLevel+0x689)[0x4a42c9]
python[0x4a59e4]
python(PyObject_Call+0x3e)[0x4a577e]
python(PyEval_CallObjectWithKeywords+0x30)[0x4c5e10]
python(PyEval_EvalFrameEx+0x28a7)[0x4be6d7]
python(PyEval_EvalCodeEx+0x306)[0x4b9ab6]
python(PyEval_EvalCode+0x16)[0x4b97a6]
python(PyImport_ExecCodeModuleEx+0xbf)[0x4b96df]
python[0x4b2b06]
python[0x4b402c]
python[0x4a4ae1]
python(PyImport_ImportModuleLevel+0x689)[0x4a42c9]
python[0x4a59e4]
python(PyObject_Call+0x3e)[0x4a577e]
python(PyEval_CallObjectWithKeywords+0x30)[0x4c5e10]
python(PyEval_EvalFrameEx+0x28a7)[0x4be6d7]
python(PyEval_EvalCodeEx+0x306)[0x4b9ab6]
======= Memory map: ========
00400000-006de000 r-xp 00000000 fc:00 20841120                           /usr/bin/python2.7
008dd000-008de000 r--p 002dd000 fc:00 20841120                           /usr/bin/python2.7
008de000-00955000 rw-p 002de000 fc:00 20841120                           /usr/bin/python2.7
00955000-00978000 rw-p 00000000 00:00 0 
0146b000-0427c000 rw-p 00000000 00:00 0                                  [heap]
7f9200000000-7f9200021000 rw-p 00000000 00:00 0 
7f9200021000-7f9204000000 ---p 00000000 00:00 0 
7f92073b8000-7f92073bc000 r-xp 00000000 fc:00 22034015                   /usr/local/lib/python2.7/dist-packages/_scandir.so
7f92073bc000-7f92075bb000 ---p 00004000 fc:00 22034015                   /usr/local/lib/python2.7/dist-packages/_scandir.so
7f92075bb000-7f92075bc000 r--p 00003000 fc:00 22034015                   /usr/local/lib/python2.7/dist-packages/_scandir.so
7f92075bc000-7f92075bd000 rw-p 00004000 fc:00 22034015                   /usr/local/lib/python2.7/dist-packages/_scandir.so
7f92075bd000-7f92075e1000 r-xp 00000000 fc:00 2884137                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/liblzma-f444c404.so.5.2.2
7f92075e1000-7f92077e1000 ---p 00024000 fc:00 2884137                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/liblzma-f444c404.so.5.2.2
7f92077e1000-7f92077e2000 rw-p 00024000 fc:00 2884137                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/liblzma-f444c404.so.5.2.2
7f92077e2000-7f92077e3000 rw-p 000d3000 fc:00 2884137                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/liblzma-f444c404.so.5.2.2
7f92077e3000-7f9207854000 r-xp 00000000 fc:00 2884139                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libtiff-fa49d64f.so.5.2.6
7f9207854000-7f9207a54000 ---p 00071000 fc:00 2884139                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libtiff-fa49d64f.so.5.2.6
7f9207a54000-7f9207a58000 rw-p 00071000 fc:00 2884139                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libtiff-fa49d64f.so.5.2.6
7f9207a58000-7f9207a60000 rw-p 001a6000 fc:00 2884139                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libtiff-fa49d64f.so.5.2.6
7f9207a60000-7f9207aa7000 r-xp 00000000 fc:00 2884135                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libopenjp2-59185378.so.2.1.0
7f9207aa7000-7f9207ca7000 ---p 00047000 fc:00 2884135                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libopenjp2-59185378.so.2.1.0
7f9207ca7000-7f9207ca9000 rw-p 00047000 fc:00 2884135                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libopenjp2-59185378.so.2.1.0
7f9207ca9000-7f9207cab000 rw-p 00052000 fc:00 2884135                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libopenjp2-59185378.so.2.1.0
7f9207cab000-7f9207ce5000 r-xp 00000000 fc:00 2884142                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libjpeg-bcb94a84.so.9.2.0
7f9207ce5000-7f9207ee5000 ---p 0003a000 fc:00 2884142                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libjpeg-bcb94a84.so.9.2.0
7f9207ee5000-7f9207ee6000 rw-p 0003a000 fc:00 2884142                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libjpeg-bcb94a84.so.9.2.0
7f9207ee6000-7f9207ee8000 rw-p 00146000 fc:00 2884142                    /usr/local/lib/python2.7/dist-packages/PIL/.libs/libjpeg-bcb94a84.so.9.2.0
7f9207ee8000-7f9207f61000 r-xp 00000000 fc:00 2884018                    /usr/local/lib/python2.7/dist-packages/PIL/_imaging.so
7f9207f61000-7f9208160000 ---p 00079000 fc:00 2884018                    /usr/local/lib/python2.7/dist-packages/PIL/_imaging.so
7f9208160000-7f9208167000 rw-p 00078000 fc:00 2884018                    /usr/local/lib/python2.7/dist-packages/PIL/_imaging.so
7f9208167000-7f9208176000 rw-p 001ff000 fc:00 2884018                    /usr/local/lib/python2.7/dist-packages/PIL/_imaging.so
7f9208176000-7f92081c4000 r-xp 00000000 fc:00 22024484                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/interpnd.so
7f92081c4000-7f92083c3000 ---p 0004e000 fc:00 22024484                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/interpnd.so
7f92083c3000-7f92083c8000 rw-p 0004d000 fc:00 22024484                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/interpnd.so
7f92083c8000-7f92083c9000 rw-p 00000000 00:00 0 
7f92083c9000-7f9208419000 r-xp 00000000 fc:00 22024506                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_ppoly.so
7f9208419000-7f9208618000 ---p 00050000 fc:00 22024506                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_ppoly.so
7f9208618000-7f920861e000 rw-p 0004f000 fc:00 22024506                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_ppoly.so
7f920861e000-7f920861f000 rw-p 00000000 00:00 0 
7f920861f000-7f9208623000 rw-p 00181000 fc:00 22024506                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_ppoly.so
7f9208623000-7f920865f000 r-xp 00000000 fc:00 22024514                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_bspl.so
7f920865f000-7f920885f000 ---p 0003c000 fc:00 22024514                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_bspl.so
7f920885f000-7f9208864000 rw-p 0003c000 fc:00 22024514                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_bspl.so
7f9208864000-7f9208865000 rw-p 00000000 00:00 0 
7f9208865000-7f9208868000 rw-p 00124000 fc:00 22024514                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_bspl.so
7f9208868000-7f92088c8000 r-xp 00000000 fc:00 22024495                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/dfitpack.so
7f92088c8000-7f9208ac8000 ---p 00060000 fc:00 22024495                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/dfitpack.so
7f9208ac8000-7f9208acf000 rw-p 00060000 fc:00 22024495                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/dfitpack.so
7f9208acf000-7f9208ad1000 rw-p 000b1000 fc:00 22024495                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/dfitpack.so
7f9208ad1000-7f9208b06000 r-xp 00000000 fc:00 22024516                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_fitpack.so
7f9208b06000-7f9208d06000 ---p 00035000 fc:00 22024516                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_fitpack.so
7f9208d06000-7f9208d07000 rw-p 00035000 fc:00 22024516                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_fitpack.so
7f9208d07000-7f9208d09000 rw-p 0004e000 fc:00 22024516                   /usr/local/lib/python2.7/dist-packages/scipy/interpolate/_fitpack.so
7f9208d09000-7f9208d13000 r-xp 00000000 fc:00 22020481                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_nnls.so
7f9208d13000-7f9208f13000 ---p 0000a000 fc:00 22020481                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_nnls.so
7f9208f13000-7f9208f14000 rw-p 0000a000 fc:00 22020481                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_nnls.so
7f9208f14000-7f9208f16000 rw-p 0001c000 fc:00 22020481                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_nnls.so
7f9208f16000-7f9208f19000 r-xp 00000000 fc:00 22020518                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_zeros.so
7f9208f19000-7f9209118000 ---p 00003000 fc:00 22020518                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_zeros.so
7f9209118000-7f9209119000 rw-p 00002000 fc:00 22020518                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_zeros.so
7f9209119000-7f920913b000 r-xp 00000000 fc:00 22020996                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_lsq/givens_elimination.so
7f920913b000-7f920933b000 ---p 00022000 fc:00 22020996                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_lsq/givens_elimination.so
7f920933b000-7f920933e000 rw-p 00022000 fc:00 22020996                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_lsq/givens_elimination.so
7f920933e000-7f9209368000 r-xp 00000000 fc:00 22020512                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_group_columns.so
7f9209368000-7f9209568000 ---p 0002a000 fc:00 22020512                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_group_columns.so
7f9209568000-7f920956b000 rw-p 0002a000 fc:00 22020512                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_group_columns.so
7f920956b000-7f920958a000 r-xp 00000000 fc:00 22020493                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_minpack.so
7f920958a000-7f920978a000 ---p 0001f000 fc:00 22020493                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_minpack.so
7f920978a000-7f920978b000 rw-p 0001f000 fc:00 22020493                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_minpack.so
7f920978b000-7f920978d000 rw-p 00031000 fc:00 22020493                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_minpack.so
7f920978d000-7f92097a4000 r-xp 00000000 fc:00 22020498                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_slsqp.so
7f92097a4000-7f92099a4000 ---p 00017000 fc:00 22020498                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_slsqp.so
7f92099a4000-7f92099a5000 rw-p 00017000 fc:00 22020498                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_slsqp.so
7f92099a5000-7f92099a7000 rw-p 0002c000 fc:00 22020498                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_slsqp.so
7f92099a7000-7f92099c5000 r-xp 00000000 fc:00 22020504                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_cobyla.so
7f92099c5000-7f9209bc5000 ---p 0001e000 fc:00 22020504                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_cobyla.so
7f9209bc5000-7f9209bc6000 rw-p 0001e000 fc:00 22020504                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_cobyla.so
7f9209bc6000-7f9209bc8000 rw-p 00035000 fc:00 22020504                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_cobyla.so
7f9209bc8000-7f9209bd4000 r-xp 00000000 fc:00 22020508                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/moduleTNC.so
7f9209bd4000-7f9209dd3000 ---p 0000c000 fc:00 22020508                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/moduleTNC.so
7f9209dd3000-7f9209dd4000 rw-p 0000b000 fc:00 22020508                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/moduleTNC.so
7f9209dd4000-7f9209df2000 r-xp 00000000 fc:00 22020489                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_lbfgsb.so
7f9209df2000-7f9209ff2000 ---p 0001e000 fc:00 22020489                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_lbfgsb.so
7f9209ff2000-7f9209ff3000 rw-p 0001e000 fc:00 22020489                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_lbfgsb.so
7f9209ff3000-7f9209ff6000 rw-p 00035000 fc:00 22020489                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/_lbfgsb.so
7f9209ff6000-7f9209fff000 r-xp 00000000 fc:00 22020474                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/minpack2.so
7f9209fff000-7f920a1ff000 ---p 00009000 fc:00 22020474                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/minpack2.so
7f920a1ff000-7f920a200000 rw-p 00009000 fc:00 22020474                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/minpack2.so
7f920a200000-7f920a202000 rw-p 0001d000 fc:00 22020474                   /usr/local/lib/python2.7/dist-packages/scipy/optimize/minpack2.so
7f920a202000-7f920a28e000 r-xp 00000000 fc:00 22021419                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/eigen/arpack/_arpack.so
7f920a28e000-7f920a48d000 ---p 0008c000 fc:00 22021419                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/eigen/arpack/_arpack.so
7f920a48d000-7f920a499000 rw-p 0008b000 fc:00 22021419                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/eigen/arpack/_arpack.so
7f920a499000-7f920a49a000 rw-p 00000000 00:00 0 
7f920a49a000-7f920a49f000 rw-p 000d3000 fc:00 22021419                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/eigen/arpack/_arpack.so
7f920a49f000-7f920a4f2000 r-xp 00000000 fc:00 22021393                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/dsolve/_superlu.so
7f920a4f2000-7f920a6f2000 ---p 00053000 fc:00 22021393                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/dsolve/_superlu.so
7f920a6f2000-7f920a6f4000 rw-p 00053000 fc:00 22021393                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/dsolve/_superlu.so
7f920a6f4000-7f920a6fb000 rw-p 00197000 fc:00 22021393                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/dsolve/_superlu.so
7f920a6fb000-7f920a732000 r-xp 00000000 fc:00 22021431                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/isolve/_iterative.so
7f920a732000-7f920a932000 ---p 00037000 fc:00 22021431                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/isolve/_iterative.so
7f920a932000-7f920a93a000 rw-p 00037000 fc:00 22021431                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/isolve/_iterative.so
7f920a93a000-7f920a93c000 rw-p 00000000 00:00 0 
7f920a93c000-7f920a93f000 rw-p 0007d000 fc:00 22021431                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/linalg/isolve/_iterative.so
7f920a93f000-7f920a96b000 r-xp 00000000 fc:00 22021217                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/lsoda.so
7f920a96b000-7f920ab6b000 ---p 0002c000 fc:00 22021217                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/lsoda.so
7f920ab6b000-7f920ab6d000 rw-p 0002c000 fc:00 22021217                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/lsoda.so
7f920ab6d000-7f920ab70000 rw-p 00046000 fc:00 22021217                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/lsoda.so
7f920ab70000-7f920ab8b000 r-xp 00000000 fc:00 22021214                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_dop.so
7f920ab8b000-7f920ad8b000 ---p 0001b000 fc:00 22021214                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_dop.so
7f920ad8b000-7f920ad8d000 rw-p 0001b000 fc:00 22021214                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_dop.so
7f920ad8d000-7f920ad8f000 rw-p 00037000 fc:00 22021214                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_dop.so
7f920ad8f000-7f920adc1000 r-xp 00000000 fc:00 22021230                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/vode.so
7f920adc1000-7f920afc1000 ---p 00032000 fc:00 22021230                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/vode.so
7f920afc1000-7f920afc3000 rw-p 00032000 fc:00 22021230                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/vode.so
7f920afc3000-7f920afc4000 rw-p 00000000 00:00 0 
7f920afc4000-7f920afc7000 rw-p 00051000 fc:00 22021230                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/vode.so
7f920afc7000-7f920afe2000 r-xp 00000000 fc:00 22021220                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_quadpack.so
7f920afe2000-7f920b1e2000 ---p 0001b000 fc:00 22021220                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_quadpack.so
7f920b1e2000-7f920b1e3000 rw-p 0001b000 fc:00 22021220                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_quadpack.so
7f920b1e3000-7f920b1e6000 rw-p 00030000 fc:00 22021220                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_quadpack.so
7f920b1e6000-7f920b20f000 r-xp 00000000 fc:00 22021231                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_odepack.so
7f920b20f000-7f920b40e000 ---p 00029000 fc:00 22021231                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_odepack.so
7f920b40e000-7f920b40f000 rw-p 00028000 fc:00 22021231                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_odepack.so
7f920b40f000-7f920b410000 rw-p 00000000 00:00 0 
7f920b410000-7f920b413000 rw-p 00037000 fc:00 22021231                   /usr/local/lib/python2.7/dist-packages/scipy/integrate/_odepack.so
7f920b413000-7f920b424000 r-xp 00000000 fc:00 22021491                   /usr/local/lib/python2.7/dist-packages/scipy/special/_ellip_harm_2.so
7f920b424000-7f920b623000 ---p 00011000 fc:00 22021491                   /usr/local/lib/python2.7/dist-packages/scipy/special/_ellip_harm_2.so
7f920b623000-7f920b625000 rw-p 00010000 fc:00 22021491                   /usr/local/lib/python2.7/dist-packages/scipy/special/_ellip_harm_2.so
7f920b625000-7f920b629000 rw-p 0004f000 fc:00 22021491                   /usr/local/lib/python2.7/dist-packages/scipy/special/_ellip_harm_2.so
7f920b629000-7f920b62f000 r-xp 00000000 fc:00 22021480                   /usr/local/lib/python2.7/dist-packages/scipy/special/_comb.so
7f920b62f000-7f920b82e000 ---p 00006000 fc:00 22021480                   /usr/local/lib/python2.7/dist-packages/scipy/special/_comb.so
7f920b82e000-7f920b82f000 rw-p 00005000 fc:00 22021480                   /usr/local/lib/python2.7/dist-packages/scipy/special/_comb.so
7f920b82f000-7f920b8f8000 r-xp 00000000 fc:00 22021482                   /usr/local/lib/python2.7/dist-packages/scipy/special/specfun.so
7f920b8f8000-7f920baf8000 ---p 000c9000 fc:00 22021482                   /usr/local/lib/python2.7/dist-packages/scipy/special/specfun.so
7f920baf8000-7f920bb00000 rw-p 000c9000 fc:00 22021482                   /usr/local/lib/python2.7/dist-packages/scipy/special/specfun.so
7f920bb00000-7f920bb02000 rw-p 00113000 fc:00 22021482                   /usr/local/lib/python2.7/dist-packages/scipy/special/specfun.so
7f920bb02000-7f920bb20000 r-xp 00000000 fc:00 22021460                   /usr/local/lib/python2.7/dist-packages/scipy/special/_ufuncs_cxx.so
7f920bb20000-7f920bd1f000 ---p 0001e000 fc:00 22021460                   /usr/local/lib/python2.7/dist-packages/scipy/special/_ufuncs_cxx.so
7f920bd1f000-7f920bd21000 rw-p 0001d000 fc:00 22021460                   /usr/local/lib/python2.7/dist-packages/scipy/special/_ufuncs_cxx.so
7f920bd21000-7f920beb3000 r-xp 00000000 fc:00 22021468                   /usr/local/lib/python2.7/dist-packages/scipy/special/_ufuncs.so
7f920beb3000-7f920c0b2000 ---p 00192000 fc:00 22021468                   /usr/local/lib/python2.7/dist-packages/scipy/special/_ufuncs.so
7f920c0b2000-7f920c0bd000 rw-p 00191000 fc:00 22021468                   /usr/local/lib/python2.7/dist-packages/scipy/special/_ufuncs.so
7f920c0bd000-7f920c0c6000 rw-p 00000000 00:00 0 
7f920c0c6000-7f920c0d0000 rw-p 003a1000 fc:00 22021468                   /usr/local/lib/python2.7/dist-packages/scipy/special/_ufuncs.so
7f920c0d0000-7f921a0d0000 rw-p 00000000 00:00 0 
7f921a0d0000-7f92380d0000 rw-p 00000000 00:00 0 
7f92380d0000-7f923a0d0000 rw-p 00000000 00:00 0 
7f923a0d0000-7f925a0d0000 rw-p 00000000 00:00 0 
7f925a0d0000-7f925c0d0000 rw-p 00000000 00:00 0 
7f925c0d0000-7f925e0d0000 rw-p 00000000 00:00 0 
7f925e0d0000-7f92620d0000 rw-p 00000000 00:00 0 
7f92620d0000-7f92640d0000 rw-p 00000000 00:00 0 
7f92640d0000-7f92660d0000 rw-p 00000000 00:00 0 
7f92660d0000-7f92680d0000 rw-p 00000000 00:00 0 
7f92680d0000-7f926a0d0000 rw-p 00000000 00:00 0 
7f926a0d0000-7f926c0d0000 rw-p 00000000 00:00 0 
7f926c0d0000-7f926e0d0000 rw-p 00000000 00:00 0 
7f926e0d0000-7f92700d0000 rw-p 00000000 00:00 0 
7f92700d0000-7f9270143000 r-xp 00000000 fc:00 24380724                   /usr/lib/nvidia-384/libnvidia-glsi.so.384.111
7f9270143000-7f9270343000 ---p 00073000 fc:00 24380724                   /usr/lib/nvidia-384/libnvidia-glsi.so.384.111
7f9270343000-7f927034d000 rw-p 00073000 fc:00 24380724                   /usr/lib/nvidia-384/libnvidia-glsi.so.384.111
7f927034d000-7f927035c000 rw-p 00000000 00:00 0 
7f927035c000-7f927046d000 r-xp 00000000 fc:00 24380732                   /usr/lib/nvidia-384/libEGL_nvidia.so.384.111
7f927046d000-7f927066c000 ---p 00111000 fc:00 24380732                   /usr/lib/nvidia-384/libEGL_nvidia.so.384.111
7f927066c000-7f927069c000 rw-p 00110000 fc:00 24380732                   /usr/lib/nvidia-384/libEGL_nvidia.so.384.111
7f927069c000-7f92706b1000 rw-p 00000000 00:00 0 
7f92706b1000-7f92706b2000 ---p 00000000 00:00 0 
7f92706b2000-7f9270eb2000 rwxp 00000000 00:00 0 
7f9270eb2000-7f9270eb3000 ---p 00000000 00:00 0 
7f9270eb3000-7f92716b3000 rwxp 00000000 00:00 0 
7f92716b3000-7f92716b4000 ---p 00000000 00:00 0 
7f92716b4000-7f9271eb4000 rwxp 00000000 00:00 0 
7f9271eb4000-7f9271eb5000 ---p 00000000 00:00 0 
7f9271eb5000-7f92726b5000 rwxp 00000000 00:00 0 
7f92776bf000-7f92796bf000 rw-p 00000000 00:00 0 
7f927a6c1000-7f927c6c1000 rw-p 00000000 00:00 0 
7f9283578000-7f92840f3000 r-xp 00000000 fc:00 22023489                   /usr/local/lib/python2.7/dist-packages/tensorflow/libtensorflow_framework.so
7f92840f3000-7f92840f4000 ---p 00b7b000 fc:00 22023489                   /usr/local/lib/python2.7/dist-packages/tensorflow/libtensorflow_framework.so
7f92840f4000-7f9284138000 r--p 00b7b000 fc:00 22023489                   /usr/local/lib/python2.7/dist-packages/tensorflow/libtensorflow_framework.so
7f9284138000-7f9284139000 rw-p 00bbf000 fc:00 22023489                   /usr/local/lib/python2.7/dist-packages/tensorflow/libtensorflow_framework.so
7f9284139000-7f9284142000 rw-p 00000000 00:00 0 
7f9284142000-7f928415e000 r-xp 00000000 fc:01 99943986                   /local/data/PoseCNN/lib/backprojecting_layer/backprojecting.so
7f928415e000-7f928435e000 ---p 0001c000 fc:01 99943986                   /local/data/PoseCNN/lib/backprojecting_layer/backprojecting.so
7f928435e000-7f928435f000 r--p 0001c000 fc:01 99943986                   /local/data/PoseCNN/lib/backprojecting_layer/backprojecting.so
7f928435f000-7f9284360000 rw-p 0001d000 fc:01 99943986                   /local/data/PoseCNN/lib/backprojecting_layer/backprojecting.so
7f9284360000-7f92843a0000 rw-p 00000000 00:00 0 
7f92843a0000-7f928440d000 r-xp 00000000 fc:00 22042348                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tpu/python/ops/_tpu_ops.so
7f928440d000-7f928460d000 ---p 0006d000 fc:00 22042348                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tpu/python/ops/_tpu_ops.so
7f928460d000-7f9284610000 r--p 0006d000 fc:00 22042348                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tpu/python/ops/_tpu_ops.so
7f9284610000-7f9284611000 rw-p 00070000 fc:00 22042348                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tpu/python/ops/_tpu_ops.so
7f9284611000-7f9284691000 rw-p 00000000 00:00 0 
7f9284691000-7f9284a06000 r-xp 00000000 fc:00 22043538                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_stats_ops.so
7f9284a06000-7f9284c06000 ---p 00375000 fc:00 22043538                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_stats_ops.so
7f9284c06000-7f9284c1d000 r--p 00375000 fc:00 22043538                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_stats_ops.so
7f9284c1d000-7f9284c1e000 rw-p 0038c000 fc:00 22043538                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_stats_ops.so
7f9284c1e000-7f9284c61000 rw-p 00000000 00:00 0 
7f9284c61000-7f9284fc1000 r-xp 00000000 fc:00 22043553                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_model_ops.so
7f9284fc1000-7f92851c0000 ---p 00360000 fc:00 22043553                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_model_ops.so
7f92851c0000-7f92851d7000 r--p 0035f000 fc:00 22043553                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_model_ops.so
7f92851d7000-7f92851d8000 rw-p 00376000 fc:00 22043553                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_model_ops.so
7f92851d8000-7f928521b000 rw-p 00000000 00:00 0 
7f928521b000-7f92852b9000 r-xp 00000000 fc:00 22043551                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_tensor_forest_ops.so
7f92852b9000-7f92854b9000 ---p 0009e000 fc:00 22043551                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_tensor_forest_ops.so
7f92854b9000-7f92854bd000 r--p 0009e000 fc:00 22043551                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_tensor_forest_ops.so
7f92854bd000-7f92854be000 rw-p 000a2000 fc:00 22043551                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/tensor_forest/python/ops/_tensor_forest_ops.so
7f92854be000-7f928557e000 rw-p 00000000 00:00 0 
7f928557e000-7f92855f8000 r-xp 00000000 fc:00 22042435                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/seq2seq/python/ops/_beam_search_ops.so
7f92855f8000-7f92857f8000 ---p 0007a000 fc:00 22042435                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/seq2seq/python/ops/_beam_search_ops.so
7f92857f8000-7f92857fb000 r--p 0007a000 fc:00 22042435                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/seq2seq/python/ops/_beam_search_ops.so
7f92857fb000-7f92857fc000 rw-p 0007d000 fc:00 22042435                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/seq2seq/python/ops/_beam_search_ops.so
7f92857fc000-7f928583c000 rw-p 00000000 00:00 0 
7f928583c000-7f92858dc000 r-xp 00000000 fc:00 22043388                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/resampler/python/ops/_resampler_ops.so
7f92858dc000-7f9285adb000 ---p 000a0000 fc:00 22043388                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/resampler/python/ops/_resampler_ops.so
7f9285adb000-7f9285adf000 r--p 0009f000 fc:00 22043388                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/resampler/python/ops/_resampler_ops.so
7f9285adf000-7f9285ae0000 rw-p 000a3000 fc:00 22043388                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/resampler/python/ops/_resampler_ops.so
7f9285ae0000-7f9285b20000 rw-p 00000000 00:00 0 
7f9285b20000-7f9286cfa000 r-xp 00000000 fc:00 22043052                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/nccl/python/ops/_nccl_ops.so
7f9286cfa000-7f9286efa000 ---p 011da000 fc:00 22043052                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/nccl/python/ops/_nccl_ops.so
7f9286efa000-7f9286efe000 r--p 011da000 fc:00 22043052                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/nccl/python/ops/_nccl_ops.so
7f9286efe000-7f9286eff000 rw-p 011de000 fc:00 22043052                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/nccl/python/ops/_nccl_ops.so
7f9286eff000-7f9286f00000 rw-p 00000000 00:00 0 
7f9286f00000-7f9286f6a000 r-xp 00000000 fc:00 22043429                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/memory_stats/python/ops/_memory_stats_ops.so
7f9286f6a000-7f9287169000 ---p 0006a000 fc:00 22043429                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/memory_stats/python/ops/_memory_stats_ops.so
7f9287169000-7f928716c000 r--p 00069000 fc:00 22043429                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/memory_stats/python/ops/_memory_stats_ops.so
7f928716c000-7f928716d000 rw-p 0006c000 fc:00 22043429                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/memory_stats/python/ops/_memory_stats_ops.so
7f928716d000-7f928722d000 rw-p 00000000 00:00 0 
7f928722d000-7f928727b000 r-xp 00000000 fc:00 22020348                   /usr/local/lib/python2.7/dist-packages/scipy/ndimage/_ni_label.so
7f928727b000-7f928747a000 ---p 0004e000 fc:00 22020348                   /usr/local/lib/python2.7/dist-packages/scipy/ndimage/_ni_label.so
7f928747a000-7f928747e000 rw-p 0004d000 fc:00 22020348                   /usr/local/lib/python2.7/dist-packages/scipy/ndimage/_ni_label.so
7f928747e000-7f928747f000 rw-p 00000000 00:00 0 
7f928747f000-7f92874a1000 r-xp 00000000 fc:00 22020329                   /usr/local/lib/python2.7/dist-packages/scipy/ndimage/_nd_image.so
7f92874a1000-7f92876a1000 ---p 00022000 fc:00 22020329                   /usr/local/lib/python2.7/dist-packages/scipy/ndimage/_nd_image.so
7f92876a1000-7f92876a2000 rw-p 00022000 fc:00 22020329                   /usr/local/lib/python2.7/dist-packages/scipy/ndimage/_nd_image.so
7f92876a2000-7f92878a2000 rw-p 00000000 00:00 0 
7f92878a2000-7f92878a3000 r-xp 00000000 fc:00 21760439                   /usr/lib/python2.7/dist-packages/cryptography/hazmat/bindings/_constant_time.x86_64-linux-gnu.so
7f92878a3000-7f9287aa3000 ---p 00001000 fc:00 21760439                   /usr/lib/python2.7/dist-packages/cryptography/hazmat/bindings/_constant_time.x86_64-linux-gnu.so
7f9287aa3000-7f9287aa4000 r--p 00001000 fc:00 21760439                   /usr/lib/python2.7/dist-packages/cryptography/hazmat/bindings/_constant_time.x86_64-linux-gnu.so
7f9287aa4000-7f9287aa5000 rw-p 00002000 fc:00 21760439                   /usr/lib/python2.7/dist-packages/cryptography/hazmat/bindings/_constant_time.x86_64-linux-gnu.so
7f9287aa5000-7f9287c25000 rw-p 00000000 00:00 0 
7f9287c25000-7f9287c45000 r-xp 00000000 fc:00 20854598                   /usr/lib/python2.7/dist-packages/_cffi_backend.x86_64-linux-gnu.so
7f9287c45000-7f9287e45000 ---p 00020000 fc:00 20854598                   /usr/lib/python2.7/dist-packages/_cffi_backend.x86_64-linux-gnu.so
7f9287e45000-7f9287e46000 r--p 00020000 fc:00 20854598                   /usr/lib/python2.7/dist-packages/_cffi_backend.x86_64-linux-gnu.so
7f9287e46000-7f9287e4b000 rw-p 00021000 fc:00 20854598                   /usr/lib/python2.7/dist-packages/_cffi_backend.x86_64-linux-gnu.so
7f9287e4b000-7f9287e4e000 rw-p 00000000 00:00 0 
7f9287e4e000-7f9287f0a000 r-xp 00000000 fc:00 21760438                   /usr/lib/python2.7/dist-packages/cryptography/hazmat/bindings/_openssl.x86_64-linux-gnu.so
7f9287f0a000-7f9288109000 ---p 000bc000 fc:00 21760438                   /usr/lib/python2.7/dist-packages/cryptography/hazmat/bindings/_openssl.x86_64-linux-gnu.so
7f9288109000-7f928811e000 r--p 000bb000 fc:00 21760438                   /usr/lib/python2.7/dist-packages/cryptography/hazmat/bindings/_openssl.x86_64-linux-gnu.so
7f928811e000-7f9288125000 rw-p 000d0000 fc:00 21760438                   /usr/lib/python2.7/dist-packages/cryptography/hazmat/bindings/_openssl.x86_64-linux-gnu.so
7f9288125000-7f9288266000 rw-p 00000000 00:00 0 
7f9288266000-7f9288279000 r-xp 00000000 fc:00 21237212                   /usr/lib/python2.7/lib-dynload/parser.x86_64-linux-gnu.so
7f9288279000-7f9288478000 ---p 00013000 fc:00 21237212                   /usr/lib/python2.7/lib-dynload/parser.x86_64-linux-gnu.so
7f9288478000-7f9288479000 r--p 00012000 fc:00 21237212                   /usr/lib/python2.7/lib-dynload/parser.x86_64-linux-gnu.so
7f9288479000-7f928847a000 rw-p 00013000 fc:00 21237212                   /usr/lib/python2.7/lib-dynload/parser.x86_64-linux-gnu.so
7f928847a000-7f928853a000 rw-p 00000000 00:00 0 
7f928853a000-7f9288550000 r-xp 00000000 fc:00 22046555                   /usr/local/lib/python2.7/dist-packages/h5py/h5l.so
7f9288550000-7f9288750000 ---p 00016000 fc:00 22046555                   /usr/local/lib/python2.7/dist-packages/h5py/h5l.so
7f9288750000-7f9288753000 rw-p 00016000 fc:00 22046555                   /usr/local/lib/python2.7/dist-packages/h5py/h5l.so
7f9288753000-7f9288756000 rw-p 0006b000 fc:00 22046555                   /usr/local/lib/python2.7/dist-packages/h5py/h5l.so
7f9288756000-7f928876d000 r-xp 00000000 fc:00 22046557                   /usr/local/lib/python2.7/dist-packages/h5py/h5o.so
7f928876d000-7f928896d000 ---p 00017000 fc:00 22046557                   /usr/local/lib/python2.7/dist-packages/h5py/h5o.so
7f928896d000-7f9288971000 rw-p 00017000 fc:00 22046557                   /usr/local/lib/python2.7/dist-packages/h5py/h5o.so
7f9288971000-7f9288974000 rw-p 00071000 fc:00 22046557                   /usr/local/lib/python2.7/dist-packages/h5py/h5o.so
7f9288974000-7f92889b4000 rw-p 00000000 00:00 0 
7f92889b4000-7f92889b8000 r-xp 00000000 fc:00 22046532                   /usr/local/lib/python2.7/dist-packages/h5py/h5fd.so
7f92889b8000-7f9288bb8000 ---p 00004000 fc:00 22046532                   /usr/local/lib/python2.7/dist-packages/h5py/h5fd.so
7f9288bb8000-7f9288bb9000 rw-p 00004000 fc:00 22046532                   /usr/local/lib/python2.7/dist-packages/h5py/h5fd.so
7f9288bb9000-7f9288bbb000 rw-p 00014000 fc:00 22046532                   /usr/local/lib/python2.7/dist-packages/h5py/h5fd.so
7f9288bbb000-7f9288bc6000 r-xp 00000000 fc:00 22046538                   /usr/local/lib/python2.7/dist-packages/h5py/h5i.so
7f9288bc6000-7f9288dc6000 ---p 0000b000 fc:00 22046538                   /usr/local/lib/python2.7/dist-packages/h5py/h5i.so
7f9288dc6000-7f9288dc8000 rw-p 0000b000 fc:00 22046538                   /usr/local/lib/python2.7/dist-packages/h5py/h5i.so
7f9288dc8000-7f9288dcb000 rw-p 00037000 fc:00 22046538                   /usr/local/lib/python2.7/dist-packages/h5py/h5i.so
7f9288dcb000-7f9288df0000 r-xp 00000000 fc:00 22046546                   /usr/local/lib/python2.7/dist-packages/h5py/h5g.so
7f9288df0000-7f9288fef000 ---p 00025000 fc:00 22046546                   /usr/local/lib/python2.7/dist-packages/h5py/h5g.so
7f9288fef000-7f9288ff4000 rw-p 00024000 fc:00 22046546                   /usr/local/lib/python2.7/dist-packages/h5py/h5g.so
7f9288ff4000-7f9288ff6000 rw-p 000b9000 fc:00 22046546                   /usr/local/lib/python2.7/dist-packages/h5py/h5g.so
7f9288ff6000-7f9289011000 r-xp 00000000 fc:00 22046558                   /usr/local/lib/python2.7/dist-packages/h5py/h5f.so
7f9289011000-7f9289211000 ---p 0001b000 fc:00 22046558                   /usr/local/lib/python2.7/dist-packages/h5py/h5f.so
7f9289211000-7f9289214000 rw-p 0001b000 fc:00 22046558                   /usr/local/lib/python2.7/dist-packages/h5py/h5f.so
7f9289214000-7f9289215000 rw-p 00000000 00:00 0 
7f9289215000-7f9289218000 rw-p 0007d000 fc:00 22046558                   /usr/local/lib/python2.7/dist-packages/h5py/h5f.so
7f9289218000-7f9289228000 r-xp 00000000 fc:00 22046556                   /usr/local/lib/python2.7/dist-packages/h5py/h5ds.so
7f9289228000-7f9289428000 ---p 00010000 fc:00 22046556                   /usr/local/lib/python2.7/dist-packages/h5py/h5ds.so
7f9289428000-7f928942a000 rw-p 00010000 fc:00 22046556                   /usr/local/lib/python2.7/dist-packages/h5py/h5ds.so
7f928942a000-7f928942d000 rw-p 0004d000 fc:00 22046556                   /usr/local/lib/python2.7/dist-packages/h5py/h5ds.so
7f928942d000-7f9289448000 r-xp 00000000 fc:00 22046539                   /usr/local/lib/python2.7/dist-packages/h5py/h5d.so
7f9289448000-7f9289647000 ---p 0001b000 fc:00 22046539                   /usr/local/lib/python2.7/dist-packages/h5py/h5d.so
7f9289647000-7f928964a000 rw-p 0001a000 fc:00 22046539                   /usr/local/lib/python2.7/dist-packages/h5py/h5d.so
7f928964a000-7f928964b000 rw-p 00000000 00:00 0 
7f928964b000-7f928964e000 rw-p 00080000 fc:00 22046539                   /usr/local/lib/python2.7/dist-packages/h5py/h5d.so
7f928964e000-7f9289657000 r-xp 00000000 fc:00 22046536                   /usr/local/lib/python2.7/dist-packages/h5py/_proxy.so
7f9289657000-7f9289856000 ---p 00009000 fc:00 22046536                   /usr/local/lib/python2.7/dist-packages/h5py/_proxy.so
7f9289856000-7f9289857000 rw-p 00008000 fc:00 22046536                   /usr/local/lib/python2.7/dist-packages/h5py/_proxy.so
7f9289857000-7f9289859000 rw-p 00027000 fc:00 22046536                   /usr/local/lib/python2.7/dist-packages/h5py/_proxy.so
7f9289859000-7f9289863000 r-xp 00000000 fc:00 22046541                   /usr/local/lib/python2.7/dist-packages/h5py/h5ac.so
7f9289863000-7f9289a63000 ---p 0000a000 fc:00 22046541                   /usr/local/lib/python2.7/dist-packages/h5py/h5ac.so
7f9289a63000-7f9289a64000 rw-p 0000a000 fc:00 22046541                   /usr/local/lib/python2.7/dist-packages/h5py/h5ac.so
7f9289a64000-7f9289a66000 rw-p 00038000 fc:00 22046541                   /usr/local/lib/python2.7/dist-packages/h5py/h5ac.so
7f9289a66000-7f9289aa6000 rw-p 00000000 00:00 0 
7f9289aa6000-7f9289af5000 r-xp 00000000 fc:00 22046549                   /usr/local/lib/python2.7/dist-packages/h5py/h5p.so
7f9289af5000-7f9289cf5000 ---p 0004f000 fc:00 22046549                   /usr/local/lib/python2.7/dist-packages/h5py/h5p.so
7f9289cf5000-7f9289cfe000 rw-p 0004f000 fc:00 22046549                   /usr/local/lib/python2.7/dist-packages/h5py/h5p.so
7f9289cfe000-7f9289cff000 rw-p 00000000 00:00 0 
7f9289cff000-7f9289d02000 rw-p 00197000 fc:00 22046549                   /usr/local/lib/python2.7/dist-packages/h5py/h5p.so
7f9289d02000-7f9289d19000 r-xp 00000000 fc:00 22046543                   /usr/local/lib/python2.7/dist-packages/h5py/h5s.so
7f9289d19000-7f9289f18000 ---p 00017000 fc:00 22046543                   /usr/local/lib/python2.7/dist-packages/h5py/h5s.so
7f9289f18000-7f9289f1c000 rw-p 00016000 fc:00 22046543                   /usr/local/lib/python2.7/dist-packages/h5py/h5s.so
7f9289f1c000-7f9289f1f000 rw-p 00069000 fc:00 22046543                   /usr/local/lib/python2.7/dist-packages/h5py/h5s.so
7f9289f1f000-7f9289f3e000 r-xp 00000000 fc:00 22046553                   /usr/local/lib/python2.7/dist-packages/h5py/h5a.so
7f9289f3e000-7f928a13e000 ---p 0001f000 fc:00 22046553                   /usr/local/lib/python2.7/dist-packages/h5py/h5a.so
7f928a13e000-7f928a141000 rw-p 0001f000 fc:00 22046553                   /usr/local/lib/python2.7/dist-packages/h5py/h5a.so
7f928a141000-7f928a142000 rw-p 00000000 00:00 0 
7f928a142000-7f928a145000 rw-p 00097000 fc:00 22046553                   /usr/local/lib/python2.7/dist-packages/h5py/h5a.so
7f928a145000-7f928a14d000 r-xp 00000000 fc:00 22046552                   /usr/local/lib/python2.7/dist-packages/h5py/h5z.so
7f928a14d000-7f928a34d000 ---p 00008000 fc:00 22046552                   /usr/local/lib/python2.7/dist-packages/h5py/h5z.so
7f928a34d000-7f928a34e000 rw-p 00008000 fc:00 22046552                   /usr/local/lib/python2.7/dist-packages/h5py/h5z.so
7f928a34e000-7f928a34f000 rw-p 00000000 00:00 0 
7f928a34f000-7f928a351000 rw-p 00025000 fc:00 22046552                   /usr/local/lib/python2.7/dist-packages/h5py/h5z.so
7f928a351000-7f928a367000 r-xp 00000000 fc:00 22046545                   /usr/local/lib/python2.7/dist-packages/h5py/h5.so
7f928a367000-7f928a567000 ---p 00016000 fc:00 22046545                   /usr/local/lib/python2.7/dist-packages/h5py/h5.so
7f928a567000-7f928a569000 rw-p 00016000 fc:00 22046545                   /usr/local/lib/python2.7/dist-packages/h5py/h5.so
7f928a569000-7f928a56a000 rw-p 00000000 00:00 0 
7f928a56a000-7f928a56d000 rw-p 0006d000 fc:00 22046545                   /usr/local/lib/python2.7/dist-packages/h5py/h5.so
7f928a56d000-7f928a576000 r-xp 00000000 fc:00 22046535                   /usr/local/lib/python2.7/dist-packages/h5py/utils.so
7f928a576000-7f928a776000 ---p 00009000 fc:00 22046535                   /usr/local/lib/python2.7/dist-packages/h5py/utils.so
7f928a776000-7f928a777000 rw-p 00009000 fc:00 22046535                   /usr/local/lib/python2.7/dist-packages/h5py/utils.so
7f928a777000-7f928a77a000 rw-p 00028000 fc:00 22046535                   /usr/local/lib/python2.7/dist-packages/h5py/utils.so
7f928a77a000-7f928a7d9000 r-xp 00000000 fc:00 22046534                   /usr/local/lib/python2.7/dist-packages/h5py/h5t.so
7f928a7d9000-7f928a9d8000 ---p 0005f000 fc:00 22046534                   /usr/local/lib/python2.7/dist-packages/h5py/h5t.so
7f928a9d8000-7f928a9e1000 rw-p 0005e000 fc:00 22046534                   /usr/local/lib/python2.7/dist-packages/h5py/h5t.so
7f928a9e1000-7f928a9e3000 rw-p 00000000 00:00 0 
7f928a9e3000-7f928a9e6000 rw-p 001c0000 fc:00 22046534                   /usr/local/lib/python2.7/dist-packages/h5py/h5t.so
7f928a9e6000-7f928aa16000 r-xp 00000000 fc:00 22046529                   /usr/local/lib/python2.7/dist-packages/h5py/defs.so
7f928aa16000-7f928ac15000 ---p 00030000 fc:00 22046529                   /usr/local/lib/python2.7/dist-packages/h5py/defs.so
7f928ac15000-7f928ac17000 rw-p 0002f000 fc:00 22046529                   /usr/local/lib/python2.7/dist-packages/h5py/defs.so
7f928ac17000-7f928ac1d000 rw-p 000c7000 fc:00 22046529                   /usr/local/lib/python2.7/dist-packages/h5py/defs.so
7f928ac1d000-7f928ac3c000 r-xp 00000000 fc:00 22046548                   /usr/local/lib/python2.7/dist-packages/h5py/_objects.so
7f928ac3c000-7f928ae3b000 ---p 0001f000 fc:00 22046548                   /usr/local/lib/python2.7/dist-packages/h5py/_objects.so
7f928ae3b000-7f928ae3e000 rw-p 0001e000 fc:00 22046548                   /usr/local/lib/python2.7/dist-packages/h5py/_objects.so
7f928ae3e000-7f928ae3f000 rw-p 00000000 00:00 0 
7f928ae3f000-7f928ae42000 rw-p 00090000 fc:00 22046548                   /usr/local/lib/python2.7/dist-packages/h5py/_objects.so
7f928ae42000-7f928ae4e000 r-xp 00000000 fc:00 22046554                   /usr/local/lib/python2.7/dist-packages/h5py/h5r.so
7f928ae4e000-7f928b04d000 ---p 0000c000 fc:00 22046554                   /usr/local/lib/python2.7/dist-packages/h5py/h5r.so
7f928b04d000-7f928b050000 rw-p 0000b000 fc:00 22046554                   /usr/local/lib/python2.7/dist-packages/h5py/h5r.so
7f928b050000-7f928b053000 rw-p 00038000 fc:00 22046554                   /usr/local/lib/python2.7/dist-packages/h5py/h5r.so
7f928b053000-7f928b064000 r-xp 00000000 fc:00 22046530                   /usr/local/lib/python2.7/dist-packages/h5py/_conv.so
7f928b064000-7f928b264000 ---p 00011000 fc:00 22046530                   /usr/local/lib/python2.7/dist-packages/h5py/_conv.so
7f928b264000-7f928b265000 rw-p 00011000 fc:00 22046530                   /usr/local/lib/python2.7/dist-packages/h5py/_conv.so
7f928b265000-7f928b268000 rw-p 0005d000 fc:00 22046530                   /usr/local/lib/python2.7/dist-packages/h5py/_conv.so
7f928b268000-7f928b26f000 r-xp 00000000 fc:00 22046617                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libaec-39ca7337.so.0.0.4
7f928b26f000-7f928b46e000 ---p 00007000 fc:00 22046617                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libaec-39ca7337.so.0.0.4
7f928b46e000-7f928b46f000 rw-p 00006000 fc:00 22046617                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libaec-39ca7337.so.0.0.4
7f928b46f000-7f928b470000 rw-p 0001a000 fc:00 22046617                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libaec-39ca7337.so.0.0.4
7f928b470000-7f928b472000 r-xp 00000000 fc:00 22046618                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libsz-08416a88.so.2.0.1
7f928b472000-7f928b671000 ---p 00002000 fc:00 22046618                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libsz-08416a88.so.2.0.1
7f928b671000-7f928b672000 rw-p 00001000 fc:00 22046618                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libsz-08416a88.so.2.0.1
7f928b672000-7f928b674000 rw-p 00006000 fc:00 22046618                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libsz-08416a88.so.2.0.1
7f928b674000-7f928b692000 r-xp 00000000 fc:00 22046619                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libhdf5_hl-6491d8e2.so.10.1.1
7f928b692000-7f928b892000 ---p 0001e000 fc:00 22046619                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libhdf5_hl-6491d8e2.so.10.1.1
7f928b892000-7f928b893000 rw-p 0001e000 fc:00 22046619                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libhdf5_hl-6491d8e2.so.10.1.1
7f928b893000-7f928b894000 rw-p 00000000 00:00 0 
7f928b894000-7f928b89e000 rw-p 00024000 fc:00 22046619                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libhdf5_hl-6491d8e2.so.10.1.1
7f928b89e000-7f928bb73000 r-xp 00000000 fc:00 22046615                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libhdf5-b2d0cb23.so.10.2.1
7f928bb73000-7f928bd73000 ---p 002d5000 fc:00 22046615                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libhdf5-b2d0cb23.so.10.2.1
7f928bd73000-7f928bd7e000 rw-p 002d5000 fc:00 22046615                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libhdf5-b2d0cb23.so.10.2.1
7f928bd7e000-7f928bd80000 rw-p 00000000 00:00 0 
7f928bd80000-7f928bdb5000 rw-p 0031f000 fc:00 22046615                   /usr/local/lib/python2.7/dist-packages/h5py/.libs/libhdf5-b2d0cb23.so.10.2.1
7f928bdb5000-7f928bdbf000 r-xp 00000000 fc:00 22046551                   /usr/local/lib/python2.7/dist-packages/h5py/_errors.so
7f928bdbf000-7f928bfbf000 ---p 0000a000 fc:00 22046551                   /usr/local/lib/python2.7/dist-packages/h5py/_errors.so
7f928bfbf000-7f928bfc0000 rw-p 0000a000 fc:00 22046551                   /usr/local/lib/python2.7/dist-packages/h5py/_errors.so
7f928bfc0000-7f928bfc3000 rw-p 0002d000 fc:00 22046551                   /usr/local/lib/python2.7/dist-packages/h5py/_errors.so
7f928bfc3000-7f928c043000 rw-p 00000000 00:00 0 
7f928c043000-7f928c0b4000 r-xp 00000000 fc:00 22042598                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/image/python/ops/_single_image_random_dot_stereograms.so
7f928c0b4000-7f928c2b4000 ---p 00071000 fc:00 22042598                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/image/python/ops/_single_image_random_dot_stereograms.so
7f928c2b4000-7f928c2b7000 r--p 00071000 fc:00 22042598                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/image/python/ops/_single_image_random_dot_stereograms.so
7f928c2b7000-7f928c2b8000 rw-p 00074000 fc:00 22042598                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/image/python/ops/_single_image_random_dot_stereograms.so
7f928c2b8000-7f928c3a7000 r-xp 00000000 fc:00 22042591                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/image/python/ops/_image_ops.so
7f928c3a7000-7f928c5a6000 ---p 000ef000 fc:00 22042591                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/image/python/ops/_image_ops.so
7f928c5a6000-7f928c5aa000 r--p 000ee000 fc:00 22042591                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/image/python/ops/_image_ops.so
7f928c5aa000-7f928c5ab000 rw-p 000f2000 fc:00 22042591                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/image/python/ops/_image_ops.so
7f928c5ab000-7f928c7ab000 rw-p 00000000 00:00 0 
7f928c7ab000-7f928c815000 r-xp 00000000 fc:00 22042296                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/input_pipeline/python/ops/_input_pipeline_ops.so
7f928c815000-7f928ca15000 ---p 0006a000 fc:00 22042296                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/input_pipeline/python/ops/_input_pipeline_ops.so
7f928ca15000-7f928ca18000 r--p 0006a000 fc:00 22042296                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/input_pipeline/python/ops/_input_pipeline_ops.so
7f928ca18000-7f928ca19000 rw-p 0006d000 fc:00 22042296                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/input_pipeline/python/ops/_input_pipeline_ops.so
7f928ca19000-7f928cad9000 rw-p 00000000 00:00 0 
7f928cad9000-7f928cadf000 r-xp 00000000 fc:00 21238306                   /usr/lib/python2.7/lib-dynload/_csv.x86_64-linux-gnu.so
7f928cadf000-7f928ccde000 ---p 00006000 fc:00 21238306                   /usr/lib/python2.7/lib-dynload/_csv.x86_64-linux-gnu.so
7f928ccde000-7f928ccdf000 r--p 00005000 fc:00 21238306                   /usr/lib/python2.7/lib-dynload/_csv.x86_64-linux-gnu.so
7f928ccdf000-7f928cce1000 rw-p 00006000 fc:00 21238306                   /usr/lib/python2.7/lib-dynload/_csv.x86_64-linux-gnu.so
7f928cce1000-7f928cd21000 rw-p 00000000 00:00 0 
7f928cd21000-7f928cd9c000 r-xp 00000000 fc:00 22043443                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/factorization/python/ops/_factorization_ops.so
7f928cd9c000-7f928cf9c000 ---p 0007b000 fc:00 22043443                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/factorization/python/ops/_factorization_ops.so
7f928cf9c000-7f928cf9f000 r--p 0007b000 fc:00 22043443                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/factorization/python/ops/_factorization_ops.so
7f928cf9f000-7f928cfa0000 rw-p 0007e000 fc:00 22043443                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/factorization/python/ops/_factorization_ops.so
7f928cfa0000-7f928d018000 r-xp 00000000 fc:00 22043440                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/factorization/python/ops/_clustering_ops.so
7f928d018000-7f928d218000 ---p 00078000 fc:00 22043440                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/factorization/python/ops/_clustering_ops.so
7f928d218000-7f928d21b000 r--p 00078000 fc:00 22043440                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/factorization/python/ops/_clustering_ops.so
7f928d21b000-7f928d21c000 rw-p 0007b000 fc:00 22043440                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/factorization/python/ops/_clustering_ops.so
7f928d21c000-7f928d39c000 rw-p 00000000 00:00 0 
7f928d39c000-7f928d417000 r-xp 00000000 fc:00 22043132                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/cudnn_rnn/python/ops/_cudnn_rnn_ops.so
7f928d417000-7f928d616000 ---p 0007b000 fc:00 22043132                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/cudnn_rnn/python/ops/_cudnn_rnn_ops.so
7f928d616000-7f928d61a000 r--p 0007a000 fc:00 22043132                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/cudnn_rnn/python/ops/_cudnn_rnn_ops.so
7f928d61a000-7f928d61b000 rw-p 0007e000 fc:00 22043132                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/cudnn_rnn/python/ops/_cudnn_rnn_ops.so
7f928d61b000-7f928d69b000 rw-p 00000000 00:00 0 
7f928d69b000-7f928d969000 r-xp 00000000 fc:00 22043935                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/rnn/python/ops/_lstm_ops.so
7f928d969000-7f928db69000 ---p 002ce000 fc:00 22043935                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/rnn/python/ops/_lstm_ops.so
7f928db69000-7f928db6e000 r--p 002ce000 fc:00 22043935                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/rnn/python/ops/_lstm_ops.so
7f928db6e000-7f928db6f000 rw-p 002d3000 fc:00 22043935                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/rnn/python/ops/_lstm_ops.so
7f928db6f000-7f928db70000 rw-p 00000000 00:00 0 
7f928db70000-7f928dcdf000 r-xp 00000000 fc:00 22043931                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/rnn/python/ops/_gru_ops.so
7f928dcdf000-7f928dede000 ---p 0016f000 fc:00 22043931                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/rnn/python/ops/_gru_ops.so
7f928dede000-7f928dee3000 r--p 0016e000 fc:00 22043931                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/rnn/python/ops/_gru_ops.so
7f928dee3000-7f928dee4000 rw-p 00173000 fc:00 22043931                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/rnn/python/ops/_gru_ops.so
7f928dee4000-7f928fee4000 rw-p 00000000 00:00 0 
7f928fee4000-7f9291ee4000 rw-p 00000000 00:00 0 
7f9291ee4000-7f9293ee4000 rw-p 00000000 00:00 0 
7f9293ee4000-7f9293f22000 r-xp 00000000 fc:00 20849623                   /usr/lib/x86_64-linux-gnu/libquadmath.so.0.0.0
7f9293f22000-7f9294121000 ---p 0003e000 fc:00 20849623                   /usr/lib/x86_64-linux-gnu/libquadmath.so.0.0.0
7f9294121000-7f9294122000 r--p 0003d000 fc:00 20849623                   /usr/lib/x86_64-linux-gnu/libquadmath.so.0.0.0
7f9294122000-7f9294123000 rw-p 0003e000 fc:00 20849623                   /usr/lib/x86_64-linux-gnu/libquadmath.so.0.0.0
7f9294123000-7f929424c000 r-xp 00000000 fc:00 20848300                   /usr/lib/x86_64-linux-gnu/libgfortran.so.3.0.0
7f929424c000-7f929444b000 ---p 00129000 fc:00 20848300                   /usr/lib/x86_64-linux-gnu/libgfortran.so.3.0.0
7f929444b000-7f929444c000 r--p 00128000 fc:00 20848300                   /usr/lib/x86_64-linux-gnu/libgfortran.so.3.0.0
7f929444c000-7f929444e000 rw-p 00129000 fc:00 20848300                   /usr/lib/x86_64-linux-gnu/libgfortran.so.3.0.0
7f929444e000-7f92962b2000 r-xp 00000000 fc:00 20850647                   /usr/lib/libopenblasp-r0.2.18.so
7f92962b2000-7f92964b1000 ---p 01e64000 fc:00 20850647                   /usr/lib/libopenblasp-r0.2.18.so
7f92964b1000-7f92964b7000 r--p 01e63000 fc:00 20850647                   /usr/lib/libopenblasp-r0.2.18.so
7f92964b7000-7f92964c9000 rw-p 01e69000 fc:00 20850647                   /usr/lib/libopenblasp-r0.2.18.so
7f92964c9000-7f92964e2000 rw-p 00000000 00:00 0 
7f92964e2000-7f9296506000 r-xp 00000000 fc:00 20859100                   /usr/lib/x86_64-linux-gnu/libboost_thread.so.1.58.0
7f9296506000-7f9296705000 ---p 00024000 fc:00 20859100                   /usr/lib/x86_64-linux-gnu/libboost_thread.so.1.58.0
7f9296705000-7f9296707000 r--p 00023000 fc:00 20859100                   /usr/lib/x86_64-linux-gnu/libboost_thread.so.1.58.0
7f9296707000-7f9296708000 rw-p 00025000 fc:00 20859100                   /usr/lib/x86_64-linux-gnu/libboost_thread.so.1.58.0
7f9296708000-7f929670a000 r-xp 00000000 fc:00 20851610                   /usr/lib/x86_64-linux-gnu/libsuitesparseconfig.so.4.4.6
7f929670a000-7f9296909000 ---p 00002000 fc:00 20851610                   /usr/lib/x86_64-linux-gnu/libsuitesparseconfig.so.4.4.6
7f9296909000-7f929690a000 r--p 00001000 fc:00 20851610                   /usr/lib/x86_64-linux-gnu/libsuitesparseconfig.so.4.4.6
7f929690a000-7f929690b000 rw-p 00002000 fc:00 20851610                   /usr/lib/x86_64-linux-gnu/libsuitesparseconfig.so.4.4.6
7f929690b000-7f9296914000 r-xp 00000000 fc:00 20859056                   /usr/lib/x86_64-linux-gnu/libccolamd.so.2.9.1
7f9296914000-7f9296b14000 ---p 00009000 fc:00 20859056                   /usr/lib/x86_64-linux-gnu/libccolamd.so.2.9.1
7f9296b14000-7f9296b15000 r--p 00009000 fc:00 20859056                   /usr/lib/x86_64-linux-gnu/libccolamd.so.2.9.1
7f9296b15000-7f9296b16000 rw-p 0000a000 fc:00 20859056                   /usr/lib/x86_64-linux-gnu/libccolamd.so.2.9.1
7f9296b16000-7f9296b1f000 r-xp 00000000 fc:00 20859055                   /usr/lib/x86_64-linux-gnu/libcamd.so.2.4.1
7f9296b1f000-7f9296d1e000 ---p 00009000 fc:00 20859055                   /usr/lib/x86_64-linux-gnu/libcamd.so.2.4.1
7f9296d1e000-7f9296d1f000 r--p 00008000 fc:00 20859055                   /usr/lib/x86_64-linux-gnu/libcamd.so.2.4.1
7f9296d1f000-7f9296d20000 rw-p 00009000 fc:00 20859055                   /usr/lib/x86_64-linux-gnu/libcamd.so.2.4.1
7f9296d20000-7f9296f2b000 r-xp 00000000 fc:00 22022997                   /usr/local/lib/python2.7/dist-packages/google/protobuf/pyext/_message.so
7f9296f2b000-7f929712b000 ---p 0020b000 fc:00 22022997                   /usr/local/lib/python2.7/dist-packages/google/protobuf/pyext/_message.so
7f929712b000-7f929713b000 rw-p 0020b000 fc:00 22022997                   /usr/local/lib/python2.7/dist-packages/google/protobuf/pyext/_message.so
7f929713b000-7f929713c000 rw-p 00000000 00:00 0 
7f929713c000-7f929713d000 r-xp 00000000 fc:00 22023014                   /usr/local/lib/python2.7/dist-packages/google/protobuf/internal/_api_implementation.so
7f929713d000-7f929733c000 ---p 00001000 fc:00 22023014                   /usr/local/lib/python2.7/dist-packages/google/protobuf/internal/_api_implementation.so
7f929733c000-7f929733d000 rw-p 00000000 fc:00 22023014                   /usr/local/lib/python2.7/dist-packages/google/protobuf/internal/_api_implementation.so
7f929733d000-7f929777e000 rw-p 00000000 00:00 0 
7f929777e000-7f92977dc000 r-xp 00000000 fc:00 17969047                   /lib/x86_64-linux-gnu/libssl.so.1.0.0
7f92977dc000-7f92979dc000 ---p 0005e000 fc:00 17969047                   /lib/x86_64-linux-gnu/libssl.so.1.0.0
7f92979dc000-7f92979e0000 r--p 0005e000 fc:00 17969047                   /lib/x86_64-linux-gnu/libssl.so.1.0.0
7f92979e0000-7f92979e7000 rw-p 00062000 fc:00 17969047                   /lib/x86_64-linux-gnu/libssl.so.1.0.0
7f92979e7000-7f92979fc000 r-xp 00000000 fc:00 21238311                   /usr/lib/python2.7/lib-dynload/_ssl.x86_64-linux-gnu.so
7f92979fc000-7f9297bfb000 ---p 00015000 fc:00 21238311                   /usr/lib/python2.7/lib-dynload/_ssl.x86_64-linux-gnu.so
7f9297bfb000-7f9297bfc000 r--p 00014000 fc:00 21238311                   /usr/lib/python2.7/lib-dynload/_ssl.x86_64-linux-gnu.so
7f9297bfc000-7f9297c00000 rw-p 00015000 fc:00 21238311                   /usr/lib/python2.7/lib-dynload/_ssl.x86_64-linux-gnu.so
7f9297c00000-7f9297e00000 rw-p 00000000 00:00 0 
7f9297e3f000-7f9297f3f000 rw-p 00000000 00:00 0 
7f9297f3f000-7f9297f82000 r-xp 00000000 fc:00 24380689                   /usr/lib/nvidia-384/libnvidia-fatbinaryloader.so.384.111
7f9297f82000-7f9298181000 ---p 00043000 fc:00 24380689                   /usr/lib/nvidia-384/libnvidia-fatbinaryloader.so.384.111
7f9298181000-7f929818c000 rw-p 00042000 fc:00 24380689                   /usr/lib/nvidia-384/libnvidia-fatbinaryloader.so.384.111
7f929818c000-7f9298191000 rw-p 00000000 00:00 0 
7f9298191000-7f92981b2000 r-xp 00000000 fc:00 20848304                   /usr/lib/x86_64-linux-gnu/libgomp.so.1.0.0
7f92981b2000-7f92983b1000 ---p 00021000 fc:00 20848304                   /usr/lib/x86_64-linux-gnu/libgomp.so.1.0.0
7f92983b1000-7f92983b2000 r--p 00020000 fc:00 20848304                   /usr/lib/x86_64-linux-gnu/libgomp.so.1.0.0
7f92983b2000-7f92983b3000 rw-p 00021000 fc:00 20848304                   /usr/lib/x86_64-linux-gnu/libgomp.so.1.0.0
7f92983b3000-7f929a84e000 r-xp 00000000 fc:00 24123141                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcurand.so.8.0.61
7f929a84e000-7f929aa4e000 ---p 0249b000 fc:00 24123141                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcurand.so.8.0.61
7f929aa4e000-7f929be1f000 rw-p 0249b000 fc:00 24123141                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcurand.so.8.0.61
7f929be1f000-7f929c329000 rw-p 00000000 00:00 0 
7f929c329000-7f92a4f12000 r-xp 00000000 fc:00 24123120                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcufft.so.8.0.61
7f92a4f12000-7f92a5111000 ---p 08be9000 fc:00 24123120                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcufft.so.8.0.61
7f92a5111000-7f92a5120000 rw-p 08be8000 fc:00 24123120                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcufft.so.8.0.61
7f92a5120000-7f92a5178000 rw-p 00000000 00:00 0 
7f92a5178000-7f92ae477000 r-xp 00000000 fc:00 20848837                   /usr/lib/x86_64-linux-gnu/libcudnn.so.6.0.21
7f92ae477000-7f92ae676000 ---p 092ff000 fc:00 20848837                   /usr/lib/x86_64-linux-gnu/libcudnn.so.6.0.21
7f92ae676000-7f92ae6a5000 rw-p 092fe000 fc:00 20848837                   /usr/lib/x86_64-linux-gnu/libcudnn.so.6.0.21
7f92ae6a5000-7f92ae6da000 rw-p 00000000 00:00 0 
7f92ae6da000-7f92af1fa000 r-xp 00000000 fc:00 20846313                   /usr/lib/x86_64-linux-gnu/libcuda.so.384.111
7f92af1fa000-7f92af3f9000 ---p 00b20000 fc:00 20846313                   /usr/lib/x86_64-linux-gnu/libcuda.so.384.111
7f92af3f9000-7f92af54a000 rw-p 00b1f000 fc:00 20846313                   /usr/lib/x86_64-linux-gnu/libcuda.so.384.111
7f92af54a000-7f92af558000 rw-p 00000000 00:00 0 
7f92af55e000-7f92af59e000 rw-p 00000000 00:00 0 
7f92af59e000-7f92b1e0a000 r-xp 00000000 fc:00 24123100                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcublas.so.8.0.61
7f92b1e0a000-7f92b200a000 ---p 0286c000 fc:00 24123100                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcublas.so.8.0.61
7f92b200a000-7f92b2027000 rw-p 0286c000 fc:00 24123100                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcublas.so.8.0.61
7f92b2027000-7f92b2036000 rw-p 00000000 00:00 0 
7f92b2036000-7f92b5380000 r-xp 00000000 fc:00 24123082                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcusolver.so.8.0.61
7f92b5380000-7f92b557f000 ---p 0334a000 fc:00 24123082                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcusolver.so.8.0.61
7f92b557f000-7f92b5595000 rw-p 03349000 fc:00 24123082                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcusolver.so.8.0.61
7f92b5595000-7f92b55a4000 rw-p 00000000 00:00 0 
7f92b55a4000-7f92cdaf5000 r-xp 00000000 fc:00 22041274                   /usr/local/lib/python2.7/dist-packages/tensorflow/python/_pywrap_tensorflow_internal.so
7f92cdaf5000-7f92cdcf4000 ---p 18551000 fc:00 22041274                   /usr/local/lib/python2.7/dist-packages/tensorflow/python/_pywrap_tensorflow_internal.so
7f92cdcf4000-7f92cde18000 r--p 18550000 fc:00 22041274                   /usr/local/lib/python2.7/dist-packages/tensorflow/python/_pywrap_tensorflow_internal.so
7f92cde18000-7f92cde22000 rw-p 18674000 fc:00 22041274                   /usr/local/lib/python2.7/dist-packages/tensorflow/python/_pywrap_tensorflow_internal.so
7f92cde22000-7f92cde81000 rw-p 00000000 00:00 0 
7f92cde81000-7f92cde90000 r-xp 00000000 fc:01 99944030                   /local/data/PoseCNN/lib/nms/cpu_nms.so
7f92cde90000-7f92ce08f000 ---p 0000f000 fc:01 99944030                   /local/data/PoseCNN/lib/nms/cpu_nms.so
7f92ce08f000-7f92ce090000 r--p 0000e000 fc:01 99944030                   /local/data/PoseCNN/lib/nms/cpu_nms.so
7f92ce090000-7f92ce091000 rw-p 0000f000 fc:01 99944030                   /local/data/PoseCNN/lib/nms/cpu_nms.so
7f92ce091000-7f92ce092000 rw-p 00000000 00:00 0 
7f92ce092000-7f92ce0f4000 r-xp 00000000 fc:00 24122186                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcudart.so.8.0.61
7f92ce0f4000-7f92ce2f4000 ---p 00062000 fc:00 24122186                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcudart.so.8.0.61
7f92ce2f4000-7f92ce2f7000 rw-p 00062000 fc:00 24122186                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libcudart.so.8.0.61
7f92ce2f7000-7f92ce2f8000 rw-p 00000000 00:00 0 
7f92ce2f8000-7f92ce30b000 r-xp 00000000 fc:01 99944032                   /local/data/PoseCNN/lib/nms/gpu_nms.so
7f92ce30b000-7f92ce50a000 ---p 00013000 fc:01 99944032                   /local/data/PoseCNN/lib/nms/gpu_nms.so
7f92ce50a000-7f92ce50b000 r--p 00012000 fc:01 99944032                   /local/data/PoseCNN/lib/nms/gpu_nms.so
7f92ce50b000-7f92ce50c000 rw-p 00013000 fc:01 99944032                   /local/data/PoseCNN/lib/nms/gpu_nms.so
7f92ce50c000-7f92ce518000 r-xp 00000000 fc:00 21237550                   /usr/lib/python2.7/lib-dynload/_json.x86_64-linux-gnu.so
7f92ce518000-7f92ce717000 ---p 0000c000 fc:00 21237550                   /usr/lib/python2.7/lib-dynload/_json.x86_64-linux-gnu.so
7f92ce717000-7f92ce718000 r--p 0000b000 fc:00 21237550                   /usr/lib/python2.7/lib-dynload/_json.x86_64-linux-gnu.so
7f92ce718000-7f92ce719000 rw-p 0000c000 fc:00 21237550                   /usr/lib/python2.7/lib-dynload/_json.x86_64-linux-gnu.so
7f92ce719000-7f92ce759000 rw-p 00000000 00:00 0 
7f92ce759000-7f92ce782000 r-xp 00000000 fc:00 22020279                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/_hausdorff.so
7f92ce782000-7f92ce981000 ---p 00029000 fc:00 22020279                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/_hausdorff.so
7f92ce981000-7f92ce984000 rw-p 00028000 fc:00 22020279                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/_hausdorff.so
7f92ce984000-7f92ce985000 rw-p 00000000 00:00 0 
7f92ce985000-7f92ce99b000 r-xp 00000000 fc:00 22020269                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/_distance_wrap.so
7f92ce99b000-7f92ceb9b000 ---p 00016000 fc:00 22020269                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/_distance_wrap.so
7f92ceb9b000-7f92ceb9c000 rw-p 00016000 fc:00 22020269                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/_distance_wrap.so
7f92ceb9c000-7f92cec2a000 r-xp 00000000 fc:00 22021059                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/cython_lapack.so
7f92cec2a000-7f92cee29000 ---p 0008e000 fc:00 22021059                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/cython_lapack.so
7f92cee29000-7f92cee2d000 rw-p 0008d000 fc:00 22021059                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/cython_lapack.so
7f92cee2d000-7f92cee38000 rw-p 001d2000 fc:00 22021059                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/cython_lapack.so
7f92cee38000-7f92cee72000 r-xp 00000000 fc:00 22021016                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/cython_blas.so
7f92cee72000-7f92cf071000 ---p 0003a000 fc:00 22021016                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/cython_blas.so
7f92cf071000-7f92cf074000 rw-p 00039000 fc:00 22021016                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/cython_blas.so
7f92cf074000-7f92cf075000 rw-p 00000000 00:00 0 
7f92cf075000-7f92cf07b000 rw-p 00113000 fc:00 22021016                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/cython_blas.so
7f92cf07b000-7f92cf0bb000 rw-p 00000000 00:00 0 
7f92cf0bb000-7f92cf105000 r-xp 00000000 fc:00 22021012                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_decomp_update.so
7f92cf105000-7f92cf305000 ---p 0004a000 fc:00 22021012                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_decomp_update.so
7f92cf305000-7f92cf30b000 rw-p 0004a000 fc:00 22021012                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_decomp_update.so
7f92cf30b000-7f92cf30c000 rw-p 00000000 00:00 0 
7f92cf30c000-7f92cf340000 r-xp 00000000 fc:00 22021043                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_solve_toeplitz.so
7f92cf340000-7f92cf540000 ---p 00034000 fc:00 22021043                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_solve_toeplitz.so
7f92cf540000-7f92cf544000 rw-p 00034000 fc:00 22021043                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_solve_toeplitz.so
7f92cf544000-7f92cf545000 rw-p 00000000 00:00 0 
7f92cf545000-7f92cf553000 r-xp 00000000 fc:00 22021036                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_flinalg.so
7f92cf553000-7f92cf752000 ---p 0000e000 fc:00 22021036                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_flinalg.so
7f92cf752000-7f92cf755000 rw-p 0000d000 fc:00 22021036                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_flinalg.so
7f92cf755000-7f92cf758000 rw-p 0002a000 fc:00 22021036                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_flinalg.so
7f92cf758000-7f92cf798000 rw-p 00000000 00:00 0 
7f92cf798000-7f92cf861000 r-xp 00000000 fc:00 22021026                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_flapack.so
7f92cf861000-7f92cfa60000 ---p 000c9000 fc:00 22021026                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_flapack.so
7f92cfa60000-7f92cfaa8000 rw-p 000c8000 fc:00 22021026                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_flapack.so
7f92cfaa8000-7f92cfaae000 rw-p 0029b000 fc:00 22021026                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_flapack.so
7f92cfaae000-7f92cfaf8000 r-xp 00000000 fc:00 22021046                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_fblas.so
7f92cfaf8000-7f92cfcf8000 ---p 0004a000 fc:00 22021046                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_fblas.so
7f92cfcf8000-7f92cfd11000 rw-p 0004a000 fc:00 22021046                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_fblas.so
7f92cfd11000-7f92cfd14000 rw-p 000e5000 fc:00 22021046                   /usr/local/lib/python2.7/dist-packages/scipy/linalg/_fblas.so
7f92cfd14000-7f92cfd3d000 r-xp 00000000 fc:00 22020265                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/_voronoi.so
7f92cfd3d000-7f92cff3d000 ---p 00029000 fc:00 22020265                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/_voronoi.so
7f92cff3d000-7f92cff40000 rw-p 00029000 fc:00 22020265                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/_voronoi.so
7f92cff40000-7f92cff80000 rw-p 00000000 00:00 0 
7f92cff80000-7f92d005f000 r-xp 00000000 fc:00 22020266                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/qhull.so
7f92d005f000-7f92d025e000 ---p 000df000 fc:00 22020266                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/qhull.so
7f92d025e000-7f92d0267000 rw-p 000de000 fc:00 22020266                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/qhull.so
7f92d0267000-7f92d0269000 rw-p 00000000 00:00 0 
7f92d0269000-7f92d0273000 rw-p 003bd000 fc:00 22020266                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/qhull.so
7f92d0273000-7f92d0279000 r-xp 00000000 fc:00 21237738                   /usr/lib/python2.7/lib-dynload/_multiprocessing.x86_64-linux-gnu.so
7f92d0279000-7f92d0478000 ---p 00006000 fc:00 21237738                   /usr/lib/python2.7/lib-dynload/_multiprocessing.x86_64-linux-gnu.so
7f92d0478000-7f92d0479000 r--p 00005000 fc:00 21237738                   /usr/lib/python2.7/lib-dynload/_multiprocessing.x86_64-linux-gnu.so
7f92d0479000-7f92d047a000 rw-p 00006000 fc:00 21237738                   /usr/lib/python2.7/lib-dynload/_multiprocessing.x86_64-linux-gnu.so
7f92d047a000-7f92d0512000 r-xp 00000000 fc:00 22020278                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/ckdtree.so
7f92d0512000-7f92d0712000 ---p 00098000 fc:00 22020278                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/ckdtree.so
7f92d0712000-7f92d071a000 rw-p 00098000 fc:00 22020278                   /usr/local/lib/python2.7/dist-packages/scipy/spatial/ckdtree.so
7f92d071a000-7f92d075a000 rw-p 00000000 00:00 0 
7f92d075a000-7f92d07a3000 r-xp 00000000 fc:00 22021330                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_reordering.so
7f92d07a3000-7f92d09a3000 ---p 00049000 fc:00 22021330                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_reordering.so
7f92d09a3000-7f92d09a8000 rw-p 00049000 fc:00 22021330                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_reordering.so
7f92d09a8000-7f92d09a9000 rw-p 00000000 00:00 0 
7f92d09a9000-7f92d09d3000 r-xp 00000000 fc:00 22021337                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_min_spanning_tree.so
7f92d09d3000-7f92d0bd3000 ---p 0002a000 fc:00 22021337                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_min_spanning_tree.so
7f92d0bd3000-7f92d0bd6000 rw-p 0002a000 fc:00 22021337                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_min_spanning_tree.so
7f92d0bd6000-7f92d0bd7000 rw-p 00000000 00:00 0 
7f92d0bd7000-7f92d0bf6000 r-xp 00000000 fc:00 22021334                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_traversal.so
7f92d0bf6000-7f92d0df6000 ---p 0001f000 fc:00 22021334                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_traversal.so
7f92d0df6000-7f92d0dfa000 rw-p 0001f000 fc:00 22021334                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_traversal.so
7f92d0dfa000-7f92d0e1c000 r-xp 00000000 fc:00 22021342                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_tools.so
7f92d0e1c000-7f92d101c000 ---p 00022000 fc:00 22021342                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_tools.so
7f92d101c000-7f92d1020000 rw-p 00022000 fc:00 22021342                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_tools.so
7f92d1020000-7f92d1059000 r-xp 00000000 fc:00 22021333                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_shortest_path.so
7f92d1059000-7f92d1258000 ---p 00039000 fc:00 22021333                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_shortest_path.so
7f92d1258000-7f92d125e000 rw-p 00038000 fc:00 22021333                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/csgraph/_shortest_path.so
7f92d125e000-7f92d125f000 rw-p 00000000 00:00 0 
7f92d125f000-7f92d12cc000 r-xp 00000000 fc:00 22021301                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/_csparsetools.so
7f92d12cc000-7f92d14cc000 ---p 0006d000 fc:00 22021301                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/_csparsetools.so
7f92d14cc000-7f92d14d1000 rw-p 0006d000 fc:00 22021301                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/_csparsetools.so
7f92d14d1000-7f92d1552000 rw-p 00000000 00:00 0 
7f92d1552000-7f92d18f0000 r-xp 00000000 fc:00 22021278                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/_sparsetools.so
7f92d18f0000-7f92d1aef000 ---p 0039e000 fc:00 22021278                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/_sparsetools.so
7f92d1aef000-7f92d1af5000 rw-p 0039d000 fc:00 22021278                   /usr/local/lib/python2.7/dist-packages/scipy/sparse/_sparsetools.so
7f92d1af5000-7f92d1b04000 r-xp 00000000 fc:00 22021191                   /usr/local/lib/python2.7/dist-packages/scipy/_lib/_ccallback_c.so
7f92d1b04000-7f92d1d04000 ---p 0000f000 fc:00 22021191                   /usr/local/lib/python2.7/dist-packages/scipy/_lib/_ccallback_c.so
7f92d1d04000-7f92d1d06000 rw-p 0000f000 fc:00 22021191                   /usr/local/lib/python2.7/dist-packages/scipy/_lib/_ccallback_c.so
7f92d1d06000-7f92d1d46000 rw-p 00000000 00:00 0 
7f92d1d46000-7f92d1d4b000 r-xp 00000000 fc:00 20846079                   /usr/lib/x86_64-linux-gnu/libXdmcp.so.6.0.0
7f92d1d4b000-7f92d1f4a000 ---p 00005000 fc:00 20846079                   /usr/lib/x86_64-linux-gnu/libXdmcp.so.6.0.0
7f92d1f4a000-7f92d1f4b000 r--p 00004000 fc:00 20846079                   /usr/lib/x86_64-linux-gnu/libXdmcp.so.6.0.0
7f92d1f4b000-7f92d1f4c000 rw-p 00005000 fc:00 20846079                   /usr/lib/x86_64-linux-gnu/libXdmcp.so.6.0.0
7f92d1f4c000-7f92d1f4e000 r-xp 00000000 fc:00 20846077                   /usr/lib/x86_64-linux-gnu/libXau.so.6.0.0
7f92d1f4e000-7f92d214e000 ---p 00002000 fc:00 20846077                   /usr/lib/x86_64-linux-gnu/libXau.so.6.0.0
7f92d214e000-7f92d214f000 r--p 00002000 fc:00 20846077                   /usr/lib/x86_64-linux-gnu/libXau.so.6.0.0
7f92d214f000-7f92d2150000 rw-p 00003000 fc:00 20846077                   /usr/lib/x86_64-linux-gnu/libXau.so.6.0.0
7f92d2150000-7f92d2171000 r-xp 00000000 fc:00 20846081                   /usr/lib/x86_64-linux-gnu/libxcb.so.1.1.0
7f92d2171000-7f92d2370000 ---p 00021000 fc:00 20846081                   /usr/lib/x86_64-linux-gnu/libxcb.so.1.1.0
7f92d2370000-7f92d2371000 r--p 00020000 fc:00 20846081                   /usr/lib/x86_64-linux-gnu/libxcb.so.1.1.0
7f92d2371000-7f92d2372000 rw-p 00021000 fc:00 20846081                   /usr/lib/x86_64-linux-gnu/libxcb.so.1.1.0
7f92d2372000-7f92d2376000 r-xp 00000000 fc:00 17957482                   /lib/x86_64-linux-gnu/libuuid.so.1.3.0
7f92d2376000-7f92d2575000 ---p 00004000 fc:00 17957482                   /lib/x86_64-linux-gnu/libuuid.so.1.3.0
7f92d2575000-7f92d2576000 r--p 00003000 fc:00 17957482                   /lib/x86_64-linux-gnu/libuuid.so.1.3.0
7f92d2576000-7f92d2577000 rw-p 00004000 fc:00 17957482                   /lib/x86_64-linux-gnu/libuuid.so.1.3.0
7f92d2577000-7f92d25e5000 r-xp 00000000 fc:00 17957443                   /lib/x86_64-linux-gnu/libpcre.so.3.13.2
7f92d25e5000-7f92d27e5000 ---p 0006e000 fc:00 17957443                   /lib/x86_64-linux-gnu/libpcre.so.3.13.2
7f92d27e5000-7f92d27e6000 r--p 0006e000 fc:00 17957443                   /lib/x86_64-linux-gnu/libpcre.so.3.13.2
7f92d27e6000-7f92d27e7000 rw-p 0006f000 fc:00 17957443                   /lib/x86_64-linux-gnu/libpcre.so.3.13.2
7f92d27e7000-7f92d291c000 r-xp 00000000 fc:00 20846084                   /usr/lib/x86_64-linux-gnu/libX11.so.6.3.0
7f92d291c000-7f92d2b1c000 ---p 00135000 fc:00 20846084                   /usr/lib/x86_64-linux-gnu/libX11.so.6.3.0
7f92d2b1c000-7f92d2b1d000 r--p 00135000 fc:00 20846084                   /usr/lib/x86_64-linux-gnu/libX11.so.6.3.0
7f92d2b1d000-7f92d2b21000 rw-p 00136000 fc:00 20846084                   /usr/lib/x86_64-linux-gnu/libX11.so.6.3.0
7f92d2b21000-7f92d2b32000 r-xp 00000000 fc:00 20846086                   /usr/lib/x86_64-linux-gnu/libXext.so.6.4.0
7f92d2b32000-7f92d2d31000 ---p 00011000 fc:00 20846086                   /usr/lib/x86_64-linux-gnu/libXext.so.6.4.0
7f92d2d31000-7f92d2d32000 r--p 00010000 fc:00 20846086                   /usr/lib/x86_64-linux-gnu/libXext.so.6.4.0
7f92d2d32000-7f92d2d33000 rw-p 00011000 fc:00 20846086                   /usr/lib/x86_64-linux-gnu/libXext.so.6.4.0
7f92d2d33000-7f92d2d3c000 r-xp 00000000 fc:00 20847560                   /usr/lib/x86_64-linux-gnu/libXrender.so.1.3.0
7f92d2d3c000-7f92d2f3b000 ---p 00009000 fc:00 20847560                   /usr/lib/x86_64-linux-gnu/libXrender.so.1.3.0
7f92d2f3b000-7f92d2f3c000 r--p 00008000 fc:00 20847560                   /usr/lib/x86_64-linux-gnu/libXrender.so.1.3.0
7f92d2f3c000-7f92d2f3d000 rw-p 00009000 fc:00 20847560                   /usr/lib/x86_64-linux-gnu/libXrender.so.1.3.0
7f92d2f3d000-7f92d2f53000 r-xp 00000000 fc:00 20847727                   /usr/lib/x86_64-linux-gnu/libICE.so.6.3.0
7f92d2f53000-7f92d3152000 ---p 00016000 fc:00 20847727                   /usr/lib/x86_64-linux-gnu/libICE.so.6.3.0
7f92d3152000-7f92d3153000 r--p 00015000 fc:00 20847727                   /usr/lib/x86_64-linux-gnu/libICE.so.6.3.0
7f92d3153000-7f92d3154000 rw-p 00016000 fc:00 20847727                   /usr/lib/x86_64-linux-gnu/libICE.so.6.3.0
7f92d3154000-7f92d3157000 rw-p 00000000 00:00 0 
7f92d3157000-7f92d315e000 r-xp 00000000 fc:00 20847768                   /usr/lib/x86_64-linux-gnu/libSM.so.6.0.1
7f92d315e000-7f92d335d000 ---p 00007000 fc:00 20847768                   /usr/lib/x86_64-linux-gnu/libSM.so.6.0.1
7f92d335d000-7f92d335e000 r--p 00006000 fc:00 20847768                   /usr/lib/x86_64-linux-gnu/libSM.so.6.0.1
7f92d335e000-7f92d335f000 rw-p 00007000 fc:00 20847768                   /usr/lib/x86_64-linux-gnu/libSM.so.6.0.1
7f92d335f000-7f92d346e000 r-xp 00000000 fc:00 17961119                   /lib/x86_64-linux-gnu/libglib-2.0.so.0.4800.2
7f92d346e000-7f92d366d000 ---p 0010f000 fc:00 17961119                   /lib/x86_64-linux-gnu/libglib-2.0.so.0.4800.2
7f92d366d000-7f92d366e000 r--p 0010e000 fc:00 17961119                   /lib/x86_64-linux-gnu/libglib-2.0.so.0.4800.2
7f92d366e000-7f92d366f000 rw-p 0010f000 fc:00 17961119                   /lib/x86_64-linux-gnu/libglib-2.0.so.0.4800.2
7f92d366f000-7f92d3670000 rw-p 00000000 00:00 0 
7f92d3670000-7f92d3671000 r-xp 00000000 fc:00 20846040                   /usr/lib/x86_64-linux-gnu/libgthread-2.0.so.0.4800.2
7f92d3671000-7f92d3870000 ---p 00001000 fc:00 20846040                   /usr/lib/x86_64-linux-gnu/libgthread-2.0.so.0.4800.2
7f92d3870000-7f92d3871000 r--p 00000000 fc:00 20846040                   /usr/lib/x86_64-linux-gnu/libgthread-2.0.so.0.4800.2
7f92d3871000-7f92d3872000 rw-p 00001000 fc:00 20846040                   /usr/lib/x86_64-linux-gnu/libgthread-2.0.so.0.4800.2
7f92d3872000-7f92d388c000 r-xp 00000000 fc:00 22989484                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libswresample-81cb7b3e.so.3.0.101
7f92d388c000-7f92d3a8c000 ---p 0001a000 fc:00 22989484                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libswresample-81cb7b3e.so.3.0.101
7f92d3a8c000-7f92d3a8e000 rw-p 0001a000 fc:00 22989484                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libswresample-81cb7b3e.so.3.0.101
7f92d3a8e000-7f92d3a90000 rw-p 0001d000 fc:00 22989484                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libswresample-81cb7b3e.so.3.0.101
7f92d3a90000-7f92d3aa6000 r-xp 00000000 fc:00 17957389                   /lib/x86_64-linux-gnu/libgcc_s.so.1
7f92d3aa6000-7f92d3ca5000 ---p 00016000 fc:00 17957389                   /lib/x86_64-linux-gnu/libgcc_s.so.1
7f92d3ca5000-7f92d3ca6000 rw-p 00015000 fc:00 17957389                   /lib/x86_64-linux-gnu/libgcc_s.so.1
7f92d3ca6000-7f92d3e18000 r-xp 00000000 fc:00 20848270                   /usr/lib/x86_64-linux-gnu/libstdc++.so.6.0.21
7f92d3e18000-7f92d4018000 ---p 00172000 fc:00 20848270                   /usr/lib/x86_64-linux-gnu/libstdc++.so.6.0.21
7f92d4018000-7f92d4022000 r--p 00172000 fc:00 20848270                   /usr/lib/x86_64-linux-gnu/libstdc++.so.6.0.21
7f92d4022000-7f92d4024000 rw-p 0017c000 fc:00 20848270                   /usr/lib/x86_64-linux-gnu/libstdc++.so.6.0.21
7f92d4024000-7f92d4028000 rw-p 00000000 00:00 0 
7f92d4028000-7f92d402f000 r-xp 00000000 fc:00 17957922                   /lib/x86_64-linux-gnu/librt-2.23.so
7f92d402f000-7f92d422e000 ---p 00007000 fc:00 17957922                   /lib/x86_64-linux-gnu/librt-2.23.so
7f92d422e000-7f92d422f000 r--p 00006000 fc:00 17957922                   /lib/x86_64-linux-gnu/librt-2.23.so
7f92d422f000-7f92d4230000 rw-p 00007000 fc:00 17957922                   /lib/x86_64-linux-gnu/librt-2.23.so
7f92d4236000-7f92d4276000 rw-p 00000000 00:00 0 
7f92d4276000-7f92d4572000 r-xp 00000000 fc:00 22989478                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtCore-ba1dc80c.so.4.8.7
7f92d4572000-7f92d4582000 ---p 002fc000 fc:00 22989478                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtCore-ba1dc80c.so.4.8.7
7f92d4582000-7f92d45ae000 rw-p 0030c000 fc:00 22989478                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtCore-ba1dc80c.so.4.8.7
7f92d45ae000-7f92d4771000 ---p 00338000 fc:00 22989478                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtCore-ba1dc80c.so.4.8.7
7f92d4771000-7f92d4781000 rw-p 002fb000 fc:00 22989478                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtCore-ba1dc80c.so.4.8.7
7f92d4781000-7f92d4782000 rw-p 00000000 00:00 0 
7f92d4782000-7f92d47a6000 r-xp 00000000 fc:00 22989483                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtTest-1183da5d.so.4.8.7
7f92d47a6000-7f92d49a6000 ---p 00024000 fc:00 22989483                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtTest-1183da5d.so.4.8.7
7f92d49a6000-7f92d49af000 rw-p 00024000 fc:00 22989483                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtTest-1183da5d.so.4.8.7
7f92d49af000-7f92d54b7000 r-xp 00000000 fc:00 22989486                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtGui-6d0f14dd.so.4.8.7
7f92d54b7000-7f92d56b7000 ---p 00b08000 fc:00 22989486                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtGui-6d0f14dd.so.4.8.7
7f92d56b7000-7f92d5710000 rw-p 00b08000 fc:00 22989486                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtGui-6d0f14dd.so.4.8.7
7f92d5710000-7f92d5712000 rw-p 00000000 00:00 0 
7f92d5712000-7f92d5840000 rw-p 00b61000 fc:00 22989486                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libQtGui-6d0f14dd.so.4.8.7
7f92d5840000-7f92d58be000 r-xp 00000000 fc:00 22989482                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libswscale-bc8d848b.so.5.0.101
7f92d58be000-7f92d5abd000 ---p 0007e000 fc:00 22989482                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libswscale-bc8d848b.so.5.0.101
7f92d5abd000-7f92d5abf000 rw-p 0007d000 fc:00 22989482                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libswscale-bc8d848b.so.5.0.101
7f92d5abf000-7f92d5ac7000 rw-p 00000000 00:00 0 
7f92d5ac7000-7f92d5ac9000 rw-p 00080000 fc:00 22989482                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libswscale-bc8d848b.so.5.0.101
7f92d5ac9000-7f92d5b22000 r-xp 00000000 fc:00 22989480                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavutil-eaec640f.so.56.5.100
7f92d5b22000-7f92d5d21000 ---p 00059000 fc:00 22989480                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavutil-eaec640f.so.56.5.100
7f92d5d21000-7f92d5d2c000 rw-p 00058000 fc:00 22989480                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavutil-eaec640f.so.56.5.100
7f92d5d2c000-7f92d5d3a000 rw-p 00000000 00:00 0 
7f92d5d3a000-7f92d5d3e000 rw-p 00064000 fc:00 22989480                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavutil-eaec640f.so.56.5.100
7f92d5d3e000-7f92d5f43000 r-xp 00000000 fc:00 22989481                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavformat-d3ca1b40.so.58.3.100
7f92d5f43000-7f92d6143000 ---p 00205000 fc:00 22989481                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavformat-d3ca1b40.so.58.3.100
7f92d6143000-7f92d6172000 rw-p 00205000 fc:00 22989481                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavformat-d3ca1b40.so.58.3.100
7f92d6172000-7f92d617f000 rw-p 00235000 fc:00 22989481                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavformat-d3ca1b40.so.58.3.100
7f92d617f000-7f92d6e87000 r-xp 00000000 fc:00 22989485                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavcodec-7625dabe.so.58.6.103
7f92d6e87000-7f92d7086000 ---p 00d08000 fc:00 22989485                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavcodec-7625dabe.so.58.6.103
7f92d7086000-7f92d70e3000 rw-p 00d07000 fc:00 22989485                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavcodec-7625dabe.so.58.6.103
7f92d70e3000-7f92d78f7000 rw-p 00000000 00:00 0 
7f92d78f7000-7f92d7903000 rw-p 00d65000 fc:00 22989485                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libavcodec-7625dabe.so.58.6.103
7f92d7903000-7f92d7917000 r-xp 00000000 fc:00 22989479                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libz-a147dcb0.so.1.2.3
7f92d7917000-7f92d7b16000 ---p 00014000 fc:00 22989479                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libz-a147dcb0.so.1.2.3
7f92d7b16000-7f92d7b17000 rw-p 00013000 fc:00 22989479                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libz-a147dcb0.so.1.2.3
7f92d7b17000-7f92d7b18000 rw-p 00015000 fc:00 22989479                   /usr/local/lib/python2.7/dist-packages/cv2/.libs/libz-a147dcb0.so.1.2.3
7f92d7b18000-7f92d90be000 r-xp 00000000 fc:00 22982558                   /usr/local/lib/python2.7/dist-packages/cv2/cv2.so
7f92d90be000-7f92d92bd000 ---p 015a6000 fc:00 22982558                   /usr/local/lib/python2.7/dist-packages/cv2/cv2.so
7f92d92bd000-7f92d932f000 rw-p 015a5000 fc:00 22982558                   /usr/local/lib/python2.7/dist-packages/cv2/cv2.so
7f92d932f000-7f92d93e7000 rw-p 00000000 00:00 0 
7f92d93e7000-7f92d9425000 rw-p 01948000 fc:00 22982558                   /usr/local/lib/python2.7/dist-packages/cv2/cv2.so
7f92d9425000-7f92d94e5000 rw-p 00000000 00:00 0 
7f92d951e000-7f92d95d9000 r-xp 00000000 fc:00 22039720                   /usr/local/lib/python2.7/dist-packages/numpy/random/mtrand.so
7f92d95d9000-7f92d97d9000 ---p 000bb000 fc:00 22039720                   /usr/local/lib/python2.7/dist-packages/numpy/random/mtrand.so
7f92d97d9000-7f92d97fe000 rw-p 000bb000 fc:00 22039720                   /usr/local/lib/python2.7/dist-packages/numpy/random/mtrand.so
7f92d97fe000-7f92d9840000 rw-p 00000000 00:00 0 
7f92d9840000-7f92d9849000 r-xp 00000000 fc:00 22024216                   /usr/local/lib/python2.7/dist-packages/numpy/fft/fftpack_lite.so
7f92d9849000-7f92d9a48000 ---p 00009000 fc:00 22024216                   /usr/local/lib/python2.7/dist-packages/numpy/fft/fftpack_lite.so
7f92d9a48000-7f92d9a49000 rw-p 00008000 fc:00 22024216                   /usr/local/lib/python2.7/dist-packages/numpy/fft/fftpack_lite.so
7f92d9a49000-7f92d9ac9000 rw-p 00000000 00:00 0 
7f92d9ac9000-7f92d9aca000 r-xp 00000000 fc:00 21238302                   /usr/lib/python2.7/lib-dynload/future_builtins.x86_64-linux-gnu.so
7f92d9aca000-7f92d9cc9000 ---p 00001000 fc:00 21238302                   /usr/lib/python2.7/lib-dynload/future_builtins.x86_64-linux-gnu.so
7f92d9cc9000-7f92d9cca000 r--p 00000000 fc:00 21238302                   /usr/lib/python2.7/lib-dynload/future_builtins.x86_64-linux-gnu.so
7f92d9cca000-7f92d9ccb000 rw-p 00001000 fc:00 21238302                   /usr/lib/python2.7/lib-dynload/future_builtins.x86_64-linux-gnu.so
7f92d9ccb000-7f92d9d0b000 rw-p 00000000 00:00 0 
7f92d9d0b000-7f92d9d34000 r-xp 00000000 fc:00 22039366                   /usr/local/lib/python2.7/dist-packages/numpy/linalg/_umath_linalg.so
7f92d9d34000-7f92d9f33000 ---p 00029000 fc:00 22039366                   /usr/local/lib/python2.7/dist-packages/numpy/linalg/_umath_linalg.so
7f92d9f33000-7f92d9f35000 rw-p 00028000 fc:00 22039366                   /usr/local/lib/python2.7/dist-packages/numpy/linalg/_umath_linalg.so
7f92d9f35000-7f92d9f38000 rw-p 000c7000 fc:00 22039366                   /usr/local/lib/python2.7/dist-packages/numpy/linalg/_umath_linalg.so
7f92d9f38000-7f92d9f3c000 r-xp 00000000 fc:00 22039360                   /usr/local/lib/python2.7/dist-packages/numpy/linalg/lapack_lite.so
7f92d9f3c000-7f92da13c000 ---p 00004000 fc:00 22039360                   /usr/local/lib/python2.7/dist-packages/numpy/linalg/lapack_lite.so
7f92da13c000-7f92da13d000 rw-p 00004000 fc:00 22039360                   /usr/local/lib/python2.7/dist-packages/numpy/linalg/lapack_lite.so
7f92da13d000-7f92da13f000 rw-p 00019000 fc:00 22039360                   /usr/local/lib/python2.7/dist-packages/numpy/linalg/lapack_lite.so
7f92da13f000-7f92da17f000 rw-p 00000000 00:00 0 
7f92da17f000-7f92da399000 r-xp 00000000 fc:00 17969056                   /lib/x86_64-linux-gnu/libcrypto.so.1.0.0
7f92da399000-7f92da598000 ---p 0021a000 fc:00 17969056                   /lib/x86_64-linux-gnu/libcrypto.so.1.0.0
7f92da598000-7f92da5b4000 r--p 00219000 fc:00 17969056                   /lib/x86_64-linux-gnu/libcrypto.so.1.0.0
7f92da5b4000-7f92da5c0000 rw-p 00235000 fc:00 17969056                   /lib/x86_64-linux-gnu/libcrypto.so.1.0.0
7f92da5c0000-7f92da5c3000 rw-p 00000000 00:00 0 
7f92da5c9000-7f92da609000 rw-p 00000000 00:00 0 
7f92da609000-7f92da60f000 r-xp 00000000 fc:00 21238316                   /usr/lib/python2.7/lib-dynload/_hashlib.x86_64-linux-gnu.so
7f92da60f000-7f92da80e000 ---p 00006000 fc:00 21238316                   /usr/lib/python2.7/lib-dynload/_hashlib.x86_64-linux-gnu.so
7f92da80e000-7f92da80f000 r--p 00005000 fc:00 21238316                   /usr/lib/python2.7/lib-dynload/_hashlib.x86_64-linux-gnu.so
7f92da80f000-7f92da810000 rw-p 00006000 fc:00 21238316                   /usr/lib/python2.7/lib-dynload/_hashlib.x86_64-linux-gnu.so
7f92da810000-7f92da950000 rw-p 00000000 00:00 0 
7f92da951000-7f92daa11000 rw-p 00000000 00:00 0 
7f92daa11000-7f92f2a11000 rw-p 00000000 00:00 0 
7f92f2a11000-7f92f4a11000 rw-p 00000000 00:00 0 
7f92f4a11000-7f92f8a11000 rw-p 00000000 00:00 0 
7f92f8a11000-7f92fca11000 rw-p 00000000 00:00 0 
7f92fca11000-7f92fca18000 r-xp 00000000 fc:00 20842795                   /usr/lib/x86_64-linux-gnu/libffi.so.6.0.4
7f92fca18000-7f92fcc17000 ---p 00007000 fc:00 20842795                   /usr/lib/x86_64-linux-gnu/libffi.so.6.0.4
7f92fcc17000-7f92fcc18000 r--p 00006000 fc:00 20842795                   /usr/lib/x86_64-linux-gnu/libffi.so.6.0.4
7f92fcc18000-7f92fcc19000 rw-p 00007000 fc:00 20842795                   /usr/lib/x86_64-linux-gnu/libffi.so.6.0.4
7f92fcc1f000-7f92fcc5f000 rw-p 00000000 00:00 0 
7f92fcc5f000-7f92fec5f000 rw-p 00000000 00:00 0 
7f92fec5f000-7f92fec7d000 r-xp 00000000 fc:00 21237737                   /usr/lib/python2.7/lib-dynload/_ctypes.x86_64-linux-gnu.so
7f92fec7d000-7f92fee7c000 ---p 0001e000 fc:00 21237737                   /usr/lib/python2.7/lib-dynload/_ctypes.x86_64-linux-gnu.so
7f92fee7c000-7f92fee7d000 r--p 0001d000 fc:00 21237737                   /usr/lib/python2.7/lib-dynload/_ctypes.x86_64-linux-gnu.so
7f92fee7d000-7f92fee81000 rw-p 0001e000 fc:00 21237737                   /usr/lib/python2.7/lib-dynload/_ctypes.x86_64-linux-gnu.so
7f92fee81000-7f9300e81000 rw-p 00000000 00:00 0 
7f9300e81000-7f9302e81000 rw-p 00000000 00:00 0 
7f9302e81000-7f9304e81000 rw-p 00000000 00:00 0 
7f9304e81000-7f9306e81000 rw-p 00000000 00:00 0 
7f9306e81000-7f9308e81000 rw-p 00000000 00:00 0 
7f9308e81000-7f930ae81000 rw-p 00000000 00:00 0 
7f930ae81000-7f930ce81000 rw-p 00000000 00:00 0 
7f930ce81000-7f930ee81000 rw-p 00000000 00:00 0 
7f930ee81000-7f9310e81000 rw-p 00000000 00:00 0 
7f9310e81000-7f9312e81000 rw-p 00000000 00:00 0 
7f9312e81000-7f9316e81000 rw-p 00000000 00:00 0 
7f9316e81000-7f9318e81000 rw-p 00000000 00:00 0 
7f9318e81000-7f931ae81000 rw-p 00000000 00:00 0 
7f931ae81000-7f931ce81000 rw-p 00000000 00:00 0 
7f931ce81000-7f931ee81000 rw-p 00000000 00:00 0 
7f931ee81000-7f9320e81000 rw-p 00000000 00:00 0 
7f9320e81000-7f9322e81000 rw-p 00000000 00:00 0 
7f9322e81000-7f9324e81000 rw-p 00000000 00:00 0 
7f9324e81000-7f9326e81000 rw-p 00000000 00:00 0 
7f9326e81000-7f9328e81000 rw-p 00000000 00:00 0 
7f9328e81000-7f932ae81000 rw-p 00000000 00:00 0 
7f932ae81000-7f932ce81000 rw-p 00000000 00:00 0 
7f932ce81000-7f932ee81000 rw-p 00000000 00:00 0 
7f932ee81000-7f9330e81000 rw-p 00000000 00:00 0 
7f9330e81000-7f9332e81000 rw-p 00000000 00:00 0 
7f9332e81000-7f9334e81000 rw-p 00000000 00:00 0 
7f9334e81000-7f9336e81000 rw-p 00000000 00:00 0 
7f9336e81000-7f9338e81000 rw-p 00000000 00:00 0 
7f9338e81000-7f933ae81000 rw-p 00000000 00:00 0 
7f933ae81000-7f9340e81000 rw-p 00000000 00:00 0 
7f9340e81000-7f9341018000 r-xp 00000000 fc:00 22040050                   /usr/local/lib/python2.7/dist-packages/numpy/core/umath.so
7f9341018000-7f9341218000 ---p 00197000 fc:00 22040050                   /usr/local/lib/python2.7/dist-packages/numpy/core/umath.so
7f9341218000-7f934121e000 rw-p 00197000 fc:00 22040050                   /usr/local/lib/python2.7/dist-packages/numpy/core/umath.so
7f934121e000-7f9341220000 rw-p 00000000 00:00 0 
7f9341237000-7f93412f7000 rw-p 00000000 00:00 0 
7f93412f7000-7f934137e000 r-xp 00000000 fc:00 22042395                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/layers/python/ops/_sparse_feature_cross_op.so
7f934137e000-7f934157e000 ---p 00087000 fc:00 22042395                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/layers/python/ops/_sparse_feature_cross_op.so
7f934157e000-7f9341582000 r--p 00087000 fc:00 22042395                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/layers/python/ops/_sparse_feature_cross_op.so
7f9341582000-7f9341583000 rw-p 0008b000 fc:00 22042395                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/layers/python/ops/_sparse_feature_cross_op.so
7f9341583000-7f93415fc000 r-xp 00000000 fc:00 22046930                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/framework/python/ops/_checkpoint_ops.so
7f93415fc000-7f93417fb000 ---p 00079000 fc:00 22046930                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/framework/python/ops/_checkpoint_ops.so
7f93417fb000-7f93417ff000 r--p 00078000 fc:00 22046930                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/framework/python/ops/_checkpoint_ops.so
7f93417ff000-7f9341800000 rw-p 0007c000 fc:00 22046930                   /usr/local/lib/python2.7/dist-packages/tensorflow/contrib/framework/python/ops/_checkpoint_ops.so
7f9341800000-7f9341a00000 rw-p 00000000 00:00 0 
7f9341a1e000-7f9341c5e000 rw-p 00000000 00:00 0 
7f9341c5e000-7f9341c6d000 r-xp 00000000 fc:00 17957362                   /lib/x86_64-linux-gnu/libbz2.so.1.0.4
7f9341c6d000-7f9341e6c000 ---p 0000f000 fc:00 17957362                   /lib/x86_64-linux-gnu/libbz2.so.1.0.4
7f9341e6c000-7f9341e6d000 r--p 0000e000 fc:00 17957362                   /lib/x86_64-linux-gnu/libbz2.so.1.0.4
7f9341e6d000-7f9341e6e000 rw-p 0000f000 fc:00 17957362                   /lib/x86_64-linux-gnu/libbz2.so.1.0.4
7f9341e74000-7f9341eb4000 rw-p 00000000 00:00 0 
7f9341eb4000-7f9341ebd000 r-xp 00000000 fc:00 21238318                   /usr/lib/python2.7/lib-dynload/bz2.x86_64-linux-gnu.so
7f9341ebd000-7f93420bc000 ---p 00009000 fc:00 21238318                   /usr/lib/python2.7/lib-dynload/bz2.x86_64-linux-gnu.so
7f93420bc000-7f93420bd000 r--p 00008000 fc:00 21238318                   /usr/lib/python2.7/lib-dynload/bz2.x86_64-linux-gnu.so
7f93420bd000-7f93420bf000 rw-p 00009000 fc:00 21238318                   /usr/lib/python2.7/lib-dynload/bz2.x86_64-linux-gnu.so
7f93420bf000-7f93420dc000 r-xp 00000000 fc:00 20850798                   /usr/lib/x86_64-linux-gnu/libyaml-0.so.2.0.4
7f93420dc000-7f93422dc000 ---p 0001d000 fc:00 20850798                   /usr/lib/x86_64-linux-gnu/libyaml-0.so.2.0.4
7f93422dc000-7f93422dd000 r--p 0001d000 fc:00 20850798                   /usr/lib/x86_64-linux-gnu/libyaml-0.so.2.0.4
7f93422dd000-7f93422de000 rw-p 0001e000 fc:00 20850798                   /usr/lib/x86_64-linux-gnu/libyaml-0.so.2.0.4
7f93422e4000-7f9342324000 rw-p 00000000 00:00 0 
7f9342324000-7f934234f000 r-xp 00000000 fc:00 20840638                   /usr/lib/python2.7/dist-packages/_yaml.so
7f934234f000-7f934254e000 ---p 0002b000 fc:00 20840638                   /usr/lib/python2.7/dist-packages/_yaml.so
7f934254e000-7f934254f000 r--p 0002a000 fc:00 20840638                   /usr/lib/python2.7/dist-packages/_yaml.so
7f934254f000-7f9342553000 rw-p 0002b000 fc:00 20840638                   /usr/lib/python2.7/dist-packages/_yaml.so
7f9342553000-7f93425d3000 rw-p 00000000 00:00 0 
7f93425d3000-7f93425e0000 r-xp 00000000 fc:01 99944029                   /local/data/PoseCNN/lib/utils/cython_bbox.so
7f93425e0000-7f93427df000 ---p 0000d000 fc:01 99944029                   /local/data/PoseCNN/lib/utils/cython_bbox.so
7f93427df000-7f93427e0000 r--p 0000c000 fc:01 99944029                   /local/data/PoseCNN/lib/utils/cython_bbox.so
7f93427e0000-7f93427e1000 rw-p 0000d000 fc:01 99944029                   /local/data/PoseCNN/lib/utils/cython_bbox.so
7f93427e1000-7f9342821000 rw-p 00000000 00:00 0 
7f9342821000-7f9342831000 r-xp 00000000 fc:01 99944028                   /local/data/PoseCNN/lib/normals/gpu_normals.so
7f9342831000-7f9342a30000 ---p 00010000 fc:01 99944028                   /local/data/PoseCNN/lib/normals/gpu_normals.so
7f9342a30000-7f9342a31000 r--p 0000f000 fc:01 99944028                   /local/data/PoseCNN/lib/normals/gpu_normals.so
7f9342a31000-7f9342a32000 rw-p 00010000 fc:01 99944028                   /local/data/PoseCNN/lib/normals/gpu_normals.so
7f9342a32000-7f9342a72000 rw-p 00000000 00:00 0 
7f9342a72000-7f9342a77000 r-xp 00000000 fc:00 21238304                   /usr/lib/python2.7/lib-dynload/mmap.x86_64-linux-gnu.so
7f9342a77000-7f9342c76000 ---p 00005000 fc:00 21238304                   /usr/lib/python2.7/lib-dynload/mmap.x86_64-linux-gnu.so
7f9342c76000-7f9342c77000 r--p 00004000 fc:00 21238304                   /usr/lib/python2.7/lib-dynload/mmap.x86_64-linux-gnu.so
7f9342c77000-7f9342c78000 rw-p 00005000 fc:00 21238304                   /usr/lib/python2.7/lib-dynload/mmap.x86_64-linux-gnu.so
7f9342c78000-7f9342c8a000 r-xp 00000000 fc:00 22023961                   /usr/local/lib/python2.7/dist-packages/scipy/io/matlab/streams.so
7f9342c8a000-7f9342e8a000 ---p 00012000 fc:00 22023961                   /usr/local/lib/python2.7/dist-packages/scipy/io/matlab/streams.so
7f9342e8a000-7f9342e8c000 rw-p 00012000 fc:00 22023961                   /usr/local/lib/python2.7/dist-packages/scipy/io/matlab/streams.so
7f9342e8c000-7f9342eb8000 r-xp 00000000 fc:00 22023949                   /usr/local/lib/python2.7/dist-packages/scipy/io/matlab/mio5_utils.so
7f9342eb8000-7f93430b8000 ---p 0002c000 fc:00 22023949                   /usr/local/lib/python2.7/dist-packages/scipy/io/matlab/mio5_utils.so
7f93430b8000-7f93430bc000 rw-p 0002c000 fc:00 22023949                   /usr/local/lib/python2.7/dist-packages/scipy/io/matlab/mio5_utils.so
7f93430bc000-7f93430c4000 r-xp 00000000 fc:00 22023962                   /usr/local/lib/python2.7/dist-packages/scipy/io/matlab/mio_utils.so
7f93430c4000-7f93432c4000 ---p 00008000 fc:00 22023962                   /usr/local/lib/python2.7/dist-packages/scipy/io/matlab/mio_utils.so
7f93432c4000-7f93432c5000 rw-p 00008000 fc:00 22023962                   /usr/local/lib/python2.7/dist-packages/scipy/io/matlab/mio_utils.so
7f93432c5000-7f93432cb000 r-xp 00000000 fc:00 20851611                   /usr/lib/x86_64-linux-gnu/libcolamd.so.2.9.1
7f93432cb000-7f93434ca000 ---p 00006000 fc:00 20851611                   /usr/lib/x86_64-linux-gnu/libcolamd.so.2.9.1
7f93434ca000-7f93434cb000 r--p 00005000 fc:00 20851611                   /usr/lib/x86_64-linux-gnu/libcolamd.so.2.9.1
7f93434cb000-7f93434cc000 rw-p 00006000 fc:00 20851611                   /usr/lib/x86_64-linux-gnu/libcolamd.so.2.9.1
7f93434cc000-7f93434d4000 r-xp 00000000 fc:00 20859053                   /usr/lib/x86_64-linux-gnu/libamd.so.2.4.1
7f93434d4000-7f93436d3000 ---p 00008000 fc:00 20859053                   /usr/lib/x86_64-linux-gnu/libamd.so.2.4.1
7f93436d3000-7f93436d4000 r--p 00007000 fc:00 20859053                   /usr/lib/x86_64-linux-gnu/libamd.so.2.4.1
7f93436d4000-7f93436d5000 rw-p 00008000 fc:00 20859053                   /usr/lib/x86_64-linux-gnu/libamd.so.2.4.1
7f93436d5000-7f9343cb5000 r-xp 00000000 fc:00 22498472                   /usr/lib/openblas-base/liblapack.so.3
7f9343cb5000-7f9343eb5000 ---p 005e0000 fc:00 22498472                   /usr/lib/openblas-base/liblapack.so.3
7f9343eb5000-7f9343eb6000 r--p 005e0000 fc:00 22498472                   /usr/lib/openblas-base/liblapack.so.3
7f9343eb6000-7f9343eb8000 rw-p 005e1000 fc:00 22498472                   /usr/lib/openblas-base/liblapack.so.3
7f9343eb8000-7f9343f13000 r-xp 00000000 fc:00 22498471                   /usr/lib/openblas-base/libblas.so.3
7f9343f13000-7f9344113000 ---p 0005b000 fc:00 22498471                   /usr/lib/openblas-base/libblas.so.3
7f9344113000-7f9344118000 r--p 0005b000 fc:00 22498471                   /usr/lib/openblas-base/libblas.so.3
7f9344118000-7f9344119000 rw-p 00060000 fc:00 22498471                   /usr/lib/openblas-base/libblas.so.3
7f9344119000-7f934411e000 r-xp 00000000 fc:00 20851729                   /usr/lib/x86_64-linux-gnu/libIlmThread-2_2.so.12.0.0
7f934411e000-7f934431e000 ---p 00005000 fc:00 20851729                   /usr/lib/x86_64-linux-gnu/libIlmThread-2_2.so.12.0.0
7f934431e000-7f934431f000 r--p 00005000 fc:00 20851729                   /usr/lib/x86_64-linux-gnu/libIlmThread-2_2.so.12.0.0
7f934431f000-7f9344320000 rw-p 00006000 fc:00 20851729                   /usr/lib/x86_64-linux-gnu/libIlmThread-2_2.so.12.0.0
7f9344320000-7f934433b000 r-xp 00000000 fc:00 20851728                   /usr/lib/x86_64-linux-gnu/libIex-2_2.so.12.0.0
7f934433b000-7f934453a000 ---p 0001b000 fc:00 20851728                   /usr/lib/x86_64-linux-gnu/libIex-2_2.so.12.0.0
7f934453a000-7f934453d000 r--p 0001a000 fc:00 20851728                   /usr/lib/x86_64-linux-gnu/libIex-2_2.so.12.0.0
7f934453d000-7f934453e000 rw-p 0001d000 fc:00 20851728                   /usr/lib/x86_64-linux-gnu/libIex-2_2.so.12.0.0
7f934453e000-7f9344580000 r-xp 00000000 fc:00 20851727                   /usr/lib/x86_64-linux-gnu/libHalf.so.12.0.0
7f9344580000-7f934477f000 ---p 00042000 fc:00 20851727                   /usr/lib/x86_64-linux-gnu/libHalf.so.12.0.0
7f934477f000-7f9344780000 r--p 00041000 fc:00 20851727                   /usr/lib/x86_64-linux-gnu/libHalf.so.12.0.0
7f9344780000-7f9344781000 rw-p 00042000 fc:00 20851727                   /usr/lib/x86_64-linux-gnu/libHalf.so.12.0.0
7f9344781000-7f9344795000 r-xp 00000000 fc:00 20863923                   /usr/lib/x86_64-linux-gnu/libtinyxml.so.2.6.2
7f9344795000-7f9344995000 ---p 00014000 fc:00 20863923                   /usr/lib/x86_64-linux-gnu/libtinyxml.so.2.6.2
7f9344995000-7f9344996000 r--p 00014000 fc:00 20863923                   /usr/lib/x86_64-linux-gnu/libtinyxml.so.2.6.2
7f9344996000-7f9344997000 rw-p 00015000 fc:00 20863923                   /usr/lib/x86_64-linux-gnu/libtinyxml.so.2.6.2
7f9344997000-7f93449ae000 r-xp 00000000 fc:00 17961082                   /lib/x86_64-linux-gnu/libusb-1.0.so.0.1.0
7f93449ae000-7f9344bad000 ---p 00017000 fc:00 17961082                   /lib/x86_64-linux-gnu/libusb-1.0.so.0.1.0
7f9344bad000-7f9344bae000 r--p 00016000 fc:00 17961082                   /lib/x86_64-linux-gnu/libusb-1.0.so.0.1.0
7f9344bae000-7f9344baf000 rw-p 00017000 fc:00 17961082                   /lib/x86_64-linux-gnu/libusb-1.0.so.0.1.0
7f9344baf000-7f9344bbc000 r-xp 00000000 fc:00 20847729                   /usr/lib/x86_64-linux-gnu/libraw1394.so.11.1.0
7f9344bbc000-7f9344dbc000 ---p 0000d000 fc:00 20847729                   /usr/lib/x86_64-linux-gnu/libraw1394.so.11.1.0
7f9344dbc000-7f9344dbd000 r--p 0000d000 fc:00 20847729                   /usr/lib/x86_64-linux-gnu/libraw1394.so.11.1.0
7f9344dbd000-7f9344dbe000 rw-p 0000e000 fc:00 20847729                   /usr/lib/x86_64-linux-gnu/libraw1394.so.11.1.0
7f9344dbe000-7f9344e44000 r-xp 00000000 fc:00 24380725                   /usr/lib/nvidia-384/libGLdispatch.so.0
7f9344e44000-7f9345044000 ---p 00086000 fc:00 24380725                   /usr/lib/nvidia-384/libGLdispatch.so.0
7f9345044000-7f934506c000 rw-p 00086000 fc:00 24380725                   /usr/lib/nvidia-384/libGLdispatch.so.0
7f934506c000-7f934508c000 rw-p 00000000 00:00 0 
7f934508c000-7f934652a000 r-xp 00000000 fc:00 24380730                   /usr/lib/nvidia-384/libnvidia-glcore.so.384.111
7f934652a000-7f934654b000 rwxp 0149e000 fc:00 24380730                   /usr/lib/nvidia-384/libnvidia-glcore.so.384.111
7f934654b000-7f934692d000 r-xp 014bf000 fc:00 24380730                   /usr/lib/nvidia-384/libnvidia-glcore.so.384.111
7f934692d000-7f9346b2d000 ---p 018a1000 fc:00 24380730                   /usr/lib/nvidia-384/libnvidia-glcore.so.384.111
7f9346b2d000-7f9346f30000 rw-p 018a1000 fc:00 24380730                   /usr/lib/nvidia-384/libnvidia-glcore.so.384.111
7f9346f30000-7f9346f49000 rw-p 00000000 00:00 0 
7f9346f49000-7f9346f4c000 r-xp 00000000 fc:00 24380690                   /usr/lib/nvidia-384/tls/libnvidia-tls.so.384.111
7f9346f4c000-7f934714c000 ---p 00003000 fc:00 24380690                   /usr/lib/nvidia-384/tls/libnvidia-tls.so.384.111
7f934714c000-7f934714d000 rw-p 00003000 fc:00 24380690                   /usr/lib/nvidia-384/tls/libnvidia-tls.so.384.111
7f934714d000-7f9347184000 r-xp 00000000 fc:00 20853073                   /usr/lib/x86_64-linux-gnu/libtbb.so.2
7f9347184000-7f9347384000 ---p 00037000 fc:00 20853073                   /usr/lib/x86_64-linux-gnu/libtbb.so.2
7f9347384000-7f9347385000 r--p 00037000 fc:00 20853073                   /usr/lib/x86_64-linux-gnu/libtbb.so.2
7f9347385000-7f9347387000 rw-p 00038000 fc:00 20853073                   /usr/lib/x86_64-linux-gnu/libtbb.so.2
7f9347387000-7f934738a000 rw-p 00000000 00:00 0 
7f934738a000-7f934db57000 r-xp 00000000 fc:00 24123189                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libnppi.so.8.0.61
7f934db57000-7f934dd57000 ---p 067cd000 fc:00 24123189                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libnppi.so.8.0.61
7f934dd57000-7f934dd6b000 rw-p 067cd000 fc:00 24123189                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libnppi.so.8.0.61
7f934dd6b000-7f934ddae000 rw-p 00000000 00:00 0 
7f934ddae000-7f934de1a000 r-xp 00000000 fc:00 24123193                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libnppc.so.8.0.61
7f934de1a000-7f934e01a000 ---p 0006c000 fc:00 24123193                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libnppc.so.8.0.61
7f934e01a000-7f934e01d000 rw-p 0006c000 fc:00 24123193                   /usr/local/cuda-8.0/targets/x86_64-linux/lib/libnppc.so.8.0.61
7f934e01d000-7f934e01e000 rw-p 00000000 00:00 0 
7f934e01e000-7f93518b9000 r-xp 00000000 fc:00 20853327                   /usr/local/lib/libopencv_imgproc.so.3.3.0
7f93518b9000-7f9351ab9000 ---p 0389b000 fc:00 20853327                   /usr/local/lib/libopencv_imgproc.so.3.3.0
7f9351ab9000-7f9351ad5000 r--p 0389b000 fc:00 20853327                   /usr/local/lib/libopencv_imgproc.so.3.3.0
7f9351ad5000-7f9351b02000 rw-p 038b7000 fc:00 20853327                   /usr/local/lib/libopencv_imgproc.so.3.3.0
7f9351b02000-7f9351d77000 rw-p 00000000 00:00 0 
7f9351d77000-7f9351dce000 r-xp 00000000 fc:00 20853286                   /usr/local/lib/libopencv_flann.so.3.3.0
7f9351dce000-7f9351fce000 ---p 00057000 fc:00 20853286                   /usr/local/lib/libopencv_flann.so.3.3.0
7f9351fce000-7f9351fd0000 r--p 00057000 fc:00 20853286                   /usr/local/lib/libopencv_flann.so.3.3.0
7f9351fd0000-7f9351fd1000 rw-p 00059000 fc:00 20853286                   /usr/local/lib/libopencv_flann.so.3.3.0
7f9351fd1000-7f93520a4000 r-xp 00000000 fc:00 20853396                   /usr/local/lib/libopencv_features2d.so.3.3.0
7f93520a4000-7f93522a3000 ---p 000d3000 fc:00 20853396                   /usr/local/lib/libopencv_features2d.so.3.3.0
7f93522a3000-7f93522a7000 r--p 000d2000 fc:00 20853396                   /usr/local/lib/libopencv_features2d.so.3.3.0
7f93522a7000-7f93522a9000 rw-p 000d6000 fc:00 20853396                   /usr/local/lib/libopencv_features2d.so.3.3.0
7f93522a9000-7f93522aa000 rw-p 00000000 00:00 0 
7f93522aa000-7f93522b4000 r-xp 00000000 fc:00 20853543                   /usr/lib/x86_64-linux-gnu/libminizip.so.1.0.0
7f93522b4000-7f93524b3000 ---p 0000a000 fc:00 20853543                   /usr/lib/x86_64-linux-gnu/libminizip.so.1.0.0
7f93524b3000-7f93524b4000 r--p 00009000 fc:00 20853543                   /usr/lib/x86_64-linux-gnu/libminizip.so.1.0.0
7f93524b4000-7f93524b5000 rw-p 0000a000 fc:00 20853543                   /usr/lib/x86_64-linux-gnu/libminizip.so.1.0.0
7f93524b5000-7f935256b000 r-xp 00000000 fc:00 20871833                   /usr/lib/x86_64-linux-gnu/libpcl_common.so.1.7.2
7f935256b000-7f935276a000 ---p 000b6000 fc:00 20871833                   /usr/lib/x86_64-linux-gnu/libpcl_common.so.1.7.2
7f935276a000-7f935276e000 r--p 000b5000 fc:00 20871833                   /usr/lib/x86_64-linux-gnu/libpcl_common.so.1.7.2
7f935276e000-7f935276f000 rw-p 000b9000 fc:00 20871833                   /usr/lib/x86_64-linux-gnu/libpcl_common.so.1.7.2
7f935276f000-7f9352842000 r-xp 00000000 fc:00 20859057                   /usr/lib/x86_64-linux-gnu/libcholmod.so.3.0.6
7f9352842000-7f9352a41000 ---p 000d3000 fc:00 20859057                   /usr/lib/x86_64-linux-gnu/libcholmod.so.3.0.6
7f9352a41000-7f9352a42000 r--p 000d2000 fc:00 20859057                   /usr/lib/x86_64-linux-gnu/libcholmod.so.3.0.6
7f9352a42000-7f9352a43000 rw-p 000d3000 fc:00 20859057                   /usr/lib/x86_64-linux-gnu/libcholmod.so.3.0.6
7f9352a43000-7f9354a43000 rw-p 00000000 00:00 0 
7f9354a5d000-7f9354b1d000 rw-p 00000000 00:00 0 
7f9354b1d000-7f9354ce7000 r-xp 00000000 fc:00 20851749                   /usr/lib/x86_64-linux-gnu/libIlmImf-2_2.so.22.0.0
7f9354ce7000-7f9354ee6000 ---p 001ca000 fc:00 20851749                   /usr/lib/x86_64-linux-gnu/libIlmImf-2_2.so.22.0.0
7f9354ee6000-7f9354ee9000 r--p 001c9000 fc:00 20851749                   /usr/lib/x86_64-linux-gnu/libIlmImf-2_2.so.22.0.0
7f9354ee9000-7f9354fea000 rw-p 001cc000 fc:00 20851749                   /usr/lib/x86_64-linux-gnu/libIlmImf-2_2.so.22.0.0
7f9354fea000-7f9354feb000 rw-p 00000000 00:00 0 
7f9354feb000-7f9355042000 r-xp 00000000 fc:00 20847564                   /usr/lib/x86_64-linux-gnu/libjpeg.so.8.0.2
7f9355042000-7f9355242000 ---p 00057000 fc:00 20847564                   /usr/lib/x86_64-linux-gnu/libjpeg.so.8.0.2
7f9355242000-7f9355243000 r--p 00057000 fc:00 20847564                   /usr/lib/x86_64-linux-gnu/libjpeg.so.8.0.2
7f9355243000-7f9355244000 rw-p 00058000 fc:00 20847564                   /usr/lib/x86_64-linux-gnu/libjpeg.so.8.0.2
7f9355244000-7f9357244000 rw-p 00000000 00:00 0 
7f9357250000-7f9357350000 rw-p 00000000 00:00 0 
7f9357350000-7f9357374000 r-xp 00000000 fc:00 17957445                   /lib/x86_64-linux-gnu/libpng12.so.0.54.0
7f9357374000-7f9357573000 ---p 00024000 fc:00 17957445                   /lib/x86_64-linux-gnu/libpng12.so.0.54.0
7f9357573000-7f9357574000 r--p 00023000 fc:00 17957445                   /lib/x86_64-linux-gnu/libpng12.so.0.54.0
7f9357574000-7f9357575000 rw-p 00024000 fc:00 17957445                   /lib/x86_64-linux-gnu/libpng12.so.0.54.0
7f9357575000-7f93575ec000 r-xp 00000000 fc:00 20863930                   /usr/lib/libOpenNI.so.0
7f93575ec000-7f93577eb000 ---p 00077000 fc:00 20863930                   /usr/lib/libOpenNI.so.0
7f93577eb000-7f93577ed000 r--p 00076000 fc:00 20863930                   /usr/lib/libOpenNI.so.0
7f93577ed000-7f93577f0000 rw-p 00078000 fc:00 20863930                   /usr/lib/libOpenNI.so.0
7f93577f0000-7f93577f1000 rw-p 00000000 00:00 0 
7f93577f1000-7f9357826000 r-xp 00000000 fc:00 20853067                   /usr/lib/x86_64-linux-gnu/libdc1394.so.22.1.11
7f9357826000-7f9357a25000 ---p 00035000 fc:00 20853067                   /usr/lib/x86_64-linux-gnu/libdc1394.so.22.1.11
7f9357a25000-7f9357a26000 r--p 00034000 fc:00 20853067                   /usr/lib/x86_64-linux-gnu/libdc1394.so.22.1.11
7f9357a26000-7f9357a27000 rw-p 00035000 fc:00 20853067                   /usr/lib/x86_64-linux-gnu/libdc1394.so.22.1.11
7f9357a27000-7f9357a67000 rw-p 00000000 00:00 0 
7f9357a67000-7f9357a6c000 r-xp 00000000 fc:00 24380685                   /usr/lib/nvidia-384/libEGL.so.384.111
7f9357a6c000-7f9357c6b000 ---p 00005000 fc:00 24380685                   /usr/lib/nvidia-384/libEGL.so.384.111
7f9357c6b000-7f9357c6c000 rw-p 00004000 fc:00 24380685                   /usr/lib/nvidia-384/libEGL.so.384.111
7f9357c6c000-7f9357ca9000 r-xp 00000000 fc:00 20847634                   /usr/lib/x86_64-linux-gnu/libxkbcommon.so.0.0.0
7f9357ca9000-7f9357ea8000 ---p 0003d000 fc:00 20847634                   /usr/lib/x86_64-linux-gnu/libxkbcommon.so.0.0.0
7f9357ea8000-7f9357eaa000 r--p 0003c000 fc:00 20847634                   /usr/lib/x86_64-linux-gnu/libxkbcommon.so.0.0.0
7f9357eaa000-7f9357eab000 rw-p 0003e000 fc:00 20847634                   /usr/lib/x86_64-linux-gnu/libxkbcommon.so.0.0.0
7f9357eab000-7f9357eaf000 r-xp 00000000 fc:00 20847321                   /usr/lib/x86_64-linux-gnu/libwayland-cursor.so.0.0.0
7f9357eaf000-7f93580ae000 ---p 00004000 fc:00 20847321                   /usr/lib/x86_64-linux-gnu/libwayland-cursor.so.0.0.0
7f93580ae000-7f93580af000 r--p 00003000 fc:00 20847321                   /usr/lib/x86_64-linux-gnu/libwayland-cursor.so.0.0.0
7f93580af000-7f93580b3000 rw-p 00004000 fc:00 20847321                   /usr/lib/x86_64-linux-gnu/libwayland-cursor.so.0.0.0
7f93580b3000-7f93580bf000 r-xp 00000000 fc:00 20847324                   /usr/lib/x86_64-linux-gnu/libwayland-client.so.0.3.0
7f93580bf000-7f93582bf000 ---p 0000c000 fc:00 20847324                   /usr/lib/x86_64-linux-gnu/libwayland-client.so.0.3.0
7f93582bf000-7f93582c1000 r--p 0000c000 fc:00 20847324                   /usr/lib/x86_64-linux-gnu/libwayland-client.so.0.3.0
7f93582c1000-7f93582c2000 rw-p 0000e000 fc:00 20847324                   /usr/lib/x86_64-linux-gnu/libwayland-client.so.0.3.0
7f93582c2000-7f93582c3000 r-xp 00000000 fc:00 20848031                   /usr/lib/x86_64-linux-gnu/libwayland-egl.so.1.0.0
7f93582c3000-7f93584c2000 ---p 00001000 fc:00 20848031                   /usr/lib/x86_64-linux-gnu/libwayland-egl.so.1.0.0
7f93584c2000-7f93584c3000 r--p 00000000 fc:00 20848031                   /usr/lib/x86_64-linux-gnu/libwayland-egl.so.1.0.0
7f93584c3000-7f93584c4000 rw-p 00001000 fc:00 20848031                   /usr/lib/x86_64-linux-gnu/libwayland-egl.so.1.0.0
7f93584c4000-7f935858f000 r-xp 00000000 fc:00 24380719                   /usr/lib/nvidia-384/libGL.so.384.111
7f935858f000-7f93585c3000 rwxp 000cb000 fc:00 24380719                   /usr/lib/nvidia-384/libGL.so.384.111
7f93585c3000-7f93585d7000 r-xp 000ff000 fc:00 24380719                   /usr/lib/nvidia-384/libGL.so.384.111
7f93585d7000-7f93587d6000 ---p 00113000 fc:00 24380719                   /usr/lib/nvidia-384/libGL.so.384.111
7f93587d6000-7f93587ff000 rw-p 00112000 fc:00 24380719                   /usr/lib/nvidia-384/libGL.so.384.111
7f93587ff000-7f9358806000 rw-p 00000000 00:00 0 
7f9358806000-7f935a07b000 r-xp 00000000 fc:00 20853195                   /usr/local/lib/libopencv_core.so.3.3.0
7f935a07b000-7f935a27b000 ---p 01875000 fc:00 20853195                   /usr/local/lib/libopencv_core.so.3.3.0
7f935a27b000-7f935a289000 r--p 01875000 fc:00 20853195                   /usr/local/lib/libopencv_core.so.3.3.0
7f935a289000-7f935a2b9000 rw-p 01883000 fc:00 20853195                   /usr/local/lib/libopencv_core.so.3.3.0
7f935a2b9000-7f935a2cc000 rw-p 00000000 00:00 0 
7f935a2cc000-7f935d6cc000 r-xp 00000000 fc:00 20853364                   /usr/local/lib/libopencv_cudawarping.so.3.3.0
7f935d6cc000-7f935d8cb000 ---p 03400000 fc:00 20853364                   /usr/local/lib/libopencv_cudawarping.so.3.3.0
7f935d8cb000-7f935d8ce000 r--p 033ff000 fc:00 20853364                   /usr/local/lib/libopencv_cudawarping.so.3.3.0
7f935d8ce000-7f935d8d8000 rw-p 03402000 fc:00 20853364                   /usr/local/lib/libopencv_cudawarping.so.3.3.0
7f935d8d8000-7f935da7b000 r-xp 00000000 fc:00 20853400                   /usr/local/lib/libopencv_calib3d.so.3.3.0
7f935da7b000-7f935dc7b000 ---p 001a3000 fc:00 20853400                   /usr/local/lib/libopencv_calib3d.so.3.3.0
7f935dc7b000-7f935dc7d000 r--p 001a3000 fc:00 20853400                   /usr/local/lib/libopencv_calib3d.so.3.3.0
7f935dc7d000-7f935dc7e000 rw-p 001a5000 fc:00 20853400                   /usr/local/lib/libopencv_calib3d.so.3.3.0
7f935dc7e000-7f935dc7f000 rw-p 00000000 00:00 0 
7f935dc7f000-7f935dcf6000 r-xp 00000000 fc:00 20851710                   /usr/lib/x86_64-linux-gnu/libGLEW.so.1.13.0
7f935dcf6000-7f935def5000 ---p 00077000 fc:00 20851710                   /usr/lib/x86_64-linux-gnu/libGLEW.so.1.13.0
7f935def5000-7f935defc000 r--p 00076000 fc:00 20851710                   /usr/lib/x86_64-linux-gnu/libGLEW.so.1.13.0
7f935defc000-7f935defd000 rw-p 0007d000 fc:00 20851710                   /usr/lib/x86_64-linux-gnu/libGLEW.so.1.13.0
7f935defd000-7f935df02000 rw-p 00000000 00:00 0 
7f935df02000-7f935e4c4000 r-xp 00000000 fc:00 20873129                   /usr/lib/x86_64-linux-gnu/libassimp.so.3.2.0
7f935e4c4000-7f935e6c4000 ---p 005c2000 fc:00 20873129                   /usr/lib/x86_64-linux-gnu/libassimp.so.3.2.0
7f935e6c4000-7f935e78a000 r--p 005c2000 fc:00 20873129                   /usr/lib/x86_64-linux-gnu/libassimp.so.3.2.0
7f935e78a000-7f935e78c000 rw-p 00688000 fc:00 20873129                   /usr/lib/x86_64-linux-gnu/libassimp.so.3.2.0
7f935e78c000-7f935e791000 rw-p 00000000 00:00 0 
7f935e791000-7f935e8bb000 r-xp 00000000 fc:00 20871837                   /usr/lib/x86_64-linux-gnu/libpcl_kdtree.so.1.7.2
7f935e8bb000-7f935eabb000 ---p 0012a000 fc:00 20871837                   /usr/lib/x86_64-linux-gnu/libpcl_kdtree.so.1.7.2
7f935eabb000-7f935eac3000 r--p 0012a000 fc:00 20871837                   /usr/lib/x86_64-linux-gnu/libpcl_kdtree.so.1.7.2
7f935eac3000-7f935eac4000 rw-p 00132000 fc:00 20871837                   /usr/lib/x86_64-linux-gnu/libpcl_kdtree.so.1.7.2
7f935eac4000-7f935eac7000 r-xp 00000000 fc:00 20847622                   /usr/lib/x86_64-linux-gnu/libboost_system.so.1.58.0
7f935eac7000-7f935ecc6000 ---p 00003000 fc:00 20847622                   /usr/lib/x86_64-linux-gnu/libboost_system.so.1.58.0
7f935ecc6000-7f935ecc7000 r--p 00002000 fc:00 20847622                   /usr/lib/x86_64-linux-gnu/libboost_system.so.1.58.0
7f935ecc7000-7f935ecc8000 rw-p 00003000 fc:00 20847622                   /usr/lib/x86_64-linux-gnu/libboost_system.so.1.58.0
7f935ecc8000-7f935f048000 r-xp 00000000 fc:01 101319077                  /local/data/PoseCNN/lib/kinect_fusion/build/libkfusion.so
7f935f048000-7f935f247000 ---p 00380000 fc:01 101319077                  /local/data/PoseCNN/lib/kinect_fusion/build/libkfusion.so
7f935f247000-7f935f24b000 r--p 0037f000 fc:01 101319077                  /local/data/PoseCNN/lib/kinect_fusion/build/libkfusion.so
7f935f24b000-7f935f251000 rw-p 00383000 fc:01 101319077                  /local/data/PoseCNN/lib/kinect_fusion/build/libkfusion.so
7f935f251000-7f935f254000 rw-p 00000000 00:00 0 
7f935f254000-7f9361254000 rw-p 00000000 00:00 0 
7f9361254000-7f9363254000 rw-p 00000000 00:00 0 
7f9363261000-7f936327f000 r-xp 00000000 fc:00 17956888                   /lib/x86_64-linux-gnu/libudev.so.1.6.4
7f936327f000-7f9363280000 r--p 0001d000 fc:00 17956888                   /lib/x86_64-linux-gnu/libudev.so.1.6.4
7f9363280000-7f9363281000 rw-p 0001e000 fc:00 17956888                   /lib/x86_64-linux-gnu/libudev.so.1.6.4
7f9363281000-7f93632e2000 r-xp 00000000 fc:00 20863901                   /usr/lib/x86_64-linux-gnu/libnlopt.so.0.8.2
7f93632e2000-7f93634e1000 ---p 00061000 fc:00 20863901                   /usr/lib/x86_64-linux-gnu/libnlopt.so.0.8.2
7f93634e1000-7f93634e2000 r--p 00060000 fc:00 20863901                   /usr/lib/x86_64-linux-gnu/libnlopt.so.0.8.2
7f93634e2000-7f93634e3000 rw-p 00061000 fc:00 20863901                   /usr/lib/x86_64-linux-gnu/libnlopt.so.0.8.2
7f93634e9000-7f9363529000 rw-p 00000000 00:00 0 
7f9363529000-7f93636f0000 r-xp 00000000 fc:00 20874386                   /usr/local/lib/libpangolin.so
7f93636f0000-7f93638ef000 ---p 001c7000 fc:00 20874386                   /usr/local/lib/libpangolin.so
7f93638ef000-7f93638f5000 r--p 001c6000 fc:00 20874386                   /usr/local/lib/libpangolin.so
7f93638f5000-7f93638f8000 rw-p 001cc000 fc:00 20874386                   /usr/local/lib/libpangolin.so
7f93638f8000-7f93638fa000 rw-p 00000000 00:00 0 
7f93638fa000-7f93639b7000 r-xp 00000000 fc:01 99944025                   /local/data/PoseCNN/lib/synthesize/build/libsynthesizer.so
7f93639b7000-7f9363bb6000 ---p 000bd000 fc:01 99944025                   /local/data/PoseCNN/lib/synthesize/build/libsynthesizer.so
7f9363bb6000-7f9363bba000 r--p 000bc000 fc:01 99944025                   /local/data/PoseCNN/lib/synthesize/build/libsynthesizer.so
7f9363bba000-7f9363bbc000 rw-p 000c0000 fc:01 99944025                   /local/data/PoseCNN/lib/synthesize/build/libsynthesizer.so
7f9363bbc000-7f9363bbd000 rw-p 00000000 00:00 0 
7f9363bbd000-7f9363bd5000 r-xp 00000000 fc:01 99944033                   /local/data/PoseCNN/lib/synthesize/synthesizer.so
7f9363bd5000-7f9363dd4000 ---p 00018000 fc:01 99944033                   /local/data/PoseCNN/lib/synthesize/synthesizer.so
7f9363dd4000-7f9363dd5000 r--p 00017000 fc:01 99944033                   /local/data/PoseCNN/lib/synthesize/synthesizer.so
7f9363dd5000-7f9363dd7000 rw-p 00018000 fc:01 99944033                   /local/data/PoseCNN/lib/synthesize/synthesizer.so
7f9363dd7000-7f9364a57000 rw-p 00000000 00:00 0 
7f9364a57000-7f9364b47000 r-xp 00000000 fc:00 22039719                   /usr/local/lib/python2.7/dist-packages/numpy/.libs/libgfortran-ed201abd.so.3.0.0
7f9364b47000-7f9364d46000 ---p 000f0000 fc:00 22039719                   /usr/local/lib/python2.7/dist-packages/numpy/.libs/libgfortran-ed201abd.so.3.0.0
7f9364d46000-7f9364d48000 rw-p 000ef000 fc:00 22039719                   /usr/local/lib/python2.7/dist-packages/numpy/.libs/libgfortran-ed201abd.so.3.0.0
7f9364d48000-7f9364d49000 rw-p 00000000 00:00 0 
7f9364d49000-7f9364d51000 rw-p 000f2000 fc:00 22039719                   /usr/local/lib/python2.7/dist-packages/numpy/.libs/libgfortran-ed201abd.so.3.0.0
7f9364d51000-7f9367065000 r-xp 00000000 fc:00 22039718                   /usr/local/lib/python2.7/dist-packages/numpy/.libs/libopenblasp-r0-39a31c03.2.18.so
7f9367065000-7f9367264000 ---p 02314000 fc:00 22039718                   /usr/local/lib/python2.7/dist-packages/numpy/.libs/libopenblasp-r0-39a31c03.2.18.so
7f9367264000-7f9367283000 rw-p 02313000 fc:00 22039718                   /usr/local/lib/python2.7/dist-packages/numpy/.libs/libopenblasp-r0-39a31c03.2.18.so
7f9367283000-7f93672e6000 rw-p 00000000 00:00 0 
7f93672e6000-7f936737c000 rw-p 02425000 fc:00 22039718                   /usr/local/lib/python2.7/dist-packages/numpy/.libs/libopenblasp-r0-39a31c03.2.18.so
7f936737c000-7f9367554000 r-xp 00000000 fc:00 22040044                   /usr/local/lib/python2.7/dist-packages/numpy/core/multiarray.so
7f9367554000-7f9367753000 ---p 001d8000 fc:00 22040044                   /usr/local/lib/python2.7/dist-packages/numpy/core/multiarray.so
7f9367753000-7f936776d000 rw-p 001d7000 fc:00 22040044                   /usr/local/lib/python2.7/dist-packages/numpy/core/multiarray.so
7f936776d000-7f9367785000 rw-p 00000000 00:00 0 
7f9367785000-7f936778b000 rw-p 0096c000 fc:00 22040044                   /usr/local/lib/python2.7/dist-packages/numpy/core/multiarray.so
7f936778b000-7f9367a7f000 r--p 00000000 fc:00 20842573                   /usr/lib/locale/locale-archive
7f9367a7f000-7f9367b87000 r-xp 00000000 fc:00 17957895                   /lib/x86_64-linux-gnu/libm-2.23.so
7f9367b87000-7f9367d86000 ---p 00108000 fc:00 17957895                   /lib/x86_64-linux-gnu/libm-2.23.so
7f9367d86000-7f9367d87000 r--p 00107000 fc:00 17957895                   /lib/x86_64-linux-gnu/libm-2.23.so
7f9367d87000-7f9367d88000 rw-p 00108000 fc:00 17957895                   /lib/x86_64-linux-gnu/libm-2.23.so
7f9367d88000-7f9367da1000 r-xp 00000000 fc:00 17957486                   /lib/x86_64-linux-gnu/libz.so.1.2.8
7f9367da1000-7f9367fa0000 ---p 00019000 fc:00 17957486                   /lib/x86_64-linux-gnu/libz.so.1.2.8
7f9367fa0000-7f9367fa1000 r--p 00018000 fc:00 17957486                   /lib/x86_64-linux-gnu/libz.so.1.2.8
7f9367fa1000-7f9367fa2000 rw-p 00019000 fc:00 17957486                   /lib/x86_64-linux-gnu/libz.so.1.2.8
7f9367fa2000-7f9367fa4000 r-xp 00000000 fc:00 17957909                   /lib/x86_64-linux-gnu/libutil-2.23.so
7f9367fa4000-7f93681a3000 ---p 00002000 fc:00 17957909                   /lib/x86_64-linux-gnu/libutil-2.23.so
7f93681a3000-7f93681a4000 r--p 00001000 fc:00 17957909                   /lib/x86_64-linux-gnu/libutil-2.23.so
7f93681a4000-7f93681a5000 rw-p 00002000 fc:00 17957909                   /lib/x86_64-linux-gnu/libutil-2.23.so
7f93681a5000-7f93681a8000 r-xp 00000000 fc:00 17957903                   /lib/x86_64-linux-gnu/libdl-2.23.so
7f93681a8000-7f93683a7000 ---p 00003000 fc:00 17957903                   /lib/x86_64-linux-gnu/libdl-2.23.so
7f93683a7000-7f93683a8000 r--p 00002000 fc:00 17957903                   /lib/x86_64-linux-gnu/libdl-2.23.so
7f93683a8000-7f93683a9000 rw-p 00003000 fc:00 17957903                   /lib/x86_64-linux-gnu/libdl-2.23.so
7f93683a9000-7f9368569000 r-xp 00000000 fc:00 17957900                   /lib/x86_64-linux-gnu/libc-2.23.so
7f9368569000-7f9368769000 ---p 001c0000 fc:00 17957900                   /lib/x86_64-linux-gnu/libc-2.23.so
7f9368769000-7f936876d000 r--p 001c0000 fc:00 17957900                   /lib/x86_64-linux-gnu/libc-2.23.so
7f936876d000-7f936876f000 rw-p 001c4000 fc:00 17957900                   /lib/x86_64-linux-gnu/libc-2.23.so
7f936876f000-7f9368773000 rw-p 00000000 00:00 0 
7f9368773000-7f936878b000 r-xp 00000000 fc:00 17957899                   /lib/x86_64-linux-gnu/libpthread-2.23.so
7f936878b000-7f936898a000 ---p 00018000 fc:00 17957899                   /lib/x86_64-linux-gnu/libpthread-2.23.so
7f936898a000-7f936898b000 r--p 00017000 fc:00 17957899                   /lib/x86_64-linux-gnu/libpthread-2.23.so
7f936898b000-7f936898c000 rw-p 00018000 fc:00 17957899                   /lib/x86_64-linux-gnu/libpthread-2.23.so
7f936898c000-7f9368990000 rw-p 00000000 00:00 0 
7f9368990000-7f93689b6000 r-xp 00000000 fc:00 17957897                   /lib/x86_64-linux-gnu/ld-2.23.so
7f93689b9000-7f9368ab9000 rw-p 00000000 00:00 0 
7f9368ad2000-7f9368ae7000 r-xp 00000000 fc:00 22042183                   /usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/fast_tensor_util.so
7f9368ae7000-7f9368ae8000 r--p 00014000 fc:00 22042183                   /usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/fast_tensor_util.so
7f9368ae8000-7f9368aea000 rw-p 00015000 fc:00 22042183                   /usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/fast_tensor_util.so
7f9368aea000-7f9368b6e000 rw-p 00000000 00:00 0 
7f9368b72000-7f9368b73000 rw-p 00000000 00:00 0 
7f9368b73000-7f9368b74000 rwxp 00000000 00:00 0 
7f9368b74000-7f9368bb5000 rw-p 00000000 00:00 0 
7f9368bb5000-7f9368bb6000 r--p 00025000 fc:00 17957897                   /lib/x86_64-linux-gnu/ld-2.23.so
7f9368bb6000-7f9368bb7000 rw-p 00026000 fc:00 17957897                   /lib/x86_64-linux-gnu/ld-2.23.so
7f9368bb7000-7f9368bb8000 rw-p 00000000 00:00 0 
7ffdf4c85000-7ffdf4ca6000 rwxp 00000000 00:00 0                          [stack]
7ffdf4df5000-7ffdf4df8000 r--p 00000000 00:00 0                          [vvar]
7ffdf4df8000-7ffdf4dfa000 r-xp 00000000 00:00 0                          [vdso]
ffffffffff600000-ffffffffff601000 r-xp 00000000 00:00 0                  [vsyscall]
./experiments/scripts/demo.sh: line 13: 31681 Aborted                 (core dumped) ./tools/demo.py --gpu 0 --network vgg16_convs --model data/demo_models/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_80000.ckpt --imdb lov_keyframe --cfg experiments/cfgs/lov_color_2d.yml

When loading gradient_reversal_layer.so SyntaxError: invalid syntax happens?

I'm trying to run the demo and this I get following stack trace:

Traceback (most recent call last):
  File "./tools/demo.py", line 118, in <module>
    from networks.factory import get_network
  File "/home/<username>/external_libraries_and_code/PoseCNN/tools/../lib/networks/__init__.py", line 8, in <module>
    from .vgg16 import vgg16
  File "/home/<username>/external_libraries_and_code/PoseCNN/tools/../lib/networks/vgg16.py", line 2, in <module>
    from networks.network import Network
  File "/home/<username>/external_libraries_and_code/PoseCNN/tools/../lib/networks/network.py", line 23, in <module>
    import gradient_reversal_layer.gradient_reversal_op as gradient_reversal_op
  File "/home/<username>/external_libraries_and_code/PoseCNN/tools/../lib/gradient_reversal_layer/gradient_reversal_op.py", line 6, in <module>
    _gradient_reversal_module = tf.load_op_library(filename)
  File "/home/<username>/tf/source_tf/local/lib/python2.7/site-packages/tensorflow/python/framework/load_library.py", line 73, in load_op_library
    exec(wrappers, module.__dict__)
  File "<string>", line 58
    "lambda", lambda)
                    ^
SyntaxError: invalid syntax

Any idea why this might be happening? It might have to do with the tf version, what tf version did you use, I tried 1.10.0-rc1

ImportError: libsynthesizer.so: undefined symbol: _ZN2df11backprojectIfNS

Hello,
When I ran the script:
./experiments/scripts/demo.sh $GPU_ID
I got an error as follows:

+ set -e
+ export PYTHONUNBUFFERED=True
+ PYTHONUNBUFFERED=True
+ export CUDA_VISIBLE_DEVICES=
+ CUDA_VISIBLE_DEVICES=
+ ./tools/demo.py --gpu 0 --network vgg16_convs --model data/demo_models/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_80000.ckpt --imdb lov_keyframe --cfg experiments/cfgs/lov_color_2d.yml
Traceback (most recent call last):
  File "./tools/demo.py", line 13, in <module>
    from fcn.test import test_net_images
  File "/home/ubuntu/PoseCNN/tools/../lib/fcn/test.py", line 27, in <module>
    from synthesize import synthesizer
ImportError: /home/ubuntu/PoseCNN/lib/synthesize/build/libsynthesizer.so: undefined symbol: _ZN2df11backprojectIfNS_16Poly3CameraModelEEEvRKNS_6TensorILj2ET_LNS_9ResidencyE1ELb0EEERNS2_ILj2EN5Eigen6MatrixIS3_Li3ELi1ELi2ELi3ELi1EEELS4_1ELb0EEERT0_IS3_E

When I ran
c++filt _ZN2df11backprojectIfNS_16Poly3CameraModelEEEvRKNS_6TensorILj2ET_LNS_9ResidencyE1ELb0EEERNS2_ILj2EN5Eigen6MatrixIS3_Li3ELi1ELi2ELi3ELi1EEELS4_1ELb0EEERT0_IS3_E
I got the following results:
void df::backproject<float, df::Poly3CameraModel>(df::Tensor<2u, float, (df::Residency)1, false> const&, df::Tensor<2u, Eigen::Matrix<float, 3, 1, 2, 3, 1>, (df::Residency)1, false>&, df::Poly3CameraModel<float>&)
How to solve the problem? Thank you very much for your help.

Here is my system information:

  • Python version: anaconda python 2.7.14
  • Ubuntu version: 16.04
  • Tensorflow version: 1.2.1, installed in conda environment
  • CUDA version: 8.0

In order to describe the problem which I meeted more clearly, I added some messages from the terminal before the step ./experiments/scripts/demo.sh $GPU_ID as follows:
ย 
When I went to the second step by running:

cd $ROOT/lib
sh make.sh

I got the following result:

/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(133): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(138): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(208): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(213): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/google/protobuf/arena_impl.h(52): warning: integer conversion resulted in a change of sign
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/google/protobuf/arena_impl.h(147): warning: integer conversion resulted in a change of sign
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/google/protobuf/arena_impl.h(52): warning: integer conversion resulted in a change of sign
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/google/protobuf/arena_impl.h(147): warning: integer conversion resulted in a change of sign
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/google/protobuf/generated_message_reflection.h(689): warning: variable "unused" was set but never used
ย 
average_distance_loss
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(133): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(138): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(208): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(213): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/google/protobuf/arena_impl.h(52): warning: integer conversion resulted in a change of sign
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/google/protobuf/arena_impl.h(147): warning: integer conversion resulted in a change of sign
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/google/protobuf/arena_impl.h(52): warning: integer conversion resulted in a change of sign
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/google/protobuf/arena_impl.h(147): warning: integer conversion resulted in a change of sign
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/google/protobuf/generated_message_reflection.h(689): warning: variable "unused" was set but never used
ย 
hough_voting_gpu_layer
hough_voting_layer
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(133): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(138): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(208): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(213): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
roi_pooling_layer
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(133): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(138): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(208): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(213): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
build triplet loss
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(133): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(138): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(208): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(213): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
build lifted structured loss
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(133): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(138): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(208): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(213): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
build computing flow layer
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(133): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(138): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(208): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(213): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
build backprojecting layer
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(133): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(138): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(208): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(213): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
build projecting layer
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1265): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("real") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function("imag") from a __host__ __device__ function("abs") is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/../../../Eigen/src/Core/MathFunctions.h(1270): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(133): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(138): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(208): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
/home/ubuntu/anaconda2/lib/python2.7/site-packages/tensorflow/include/unsupported/Eigen/CXX11/src/Tensor/TensorRandom.h(213): warning: calling a constexpr __host__ function from a __host__ __device__ function is not allowed. The experimental flag '--expt-relaxed-constexpr' can be used to allow this.
ย 
build computing label layer

Despite some warnings, I chose to continue the fourth step:

cd $ROOT/lib/synthesize
mkdir build
cd build
cmake ..
make

When running cmake .., I got the following result:

cmake: /home/ubuntu/anaconda2/lib/libcurl.so.4: no version information available (required by cmake)
-- The C compiler identification is GNU 5.4.0
-- The CXX compiler identification is GNU 5.4.0
-- Check for working C compiler: /usr/bin/cc
-- Check for working C compiler: /usr/bin/cc -- works
-- Detecting C compiler ABI info
-- Detecting C compiler ABI info - done
-- Detecting C compile features
-- Detecting C compile features - done
-- Check for working CXX compiler: /usr/bin/c++
-- Check for working CXX compiler: /usr/bin/c++ -- works
-- Detecting CXX compiler ABI info
-- Detecting CXX compiler ABI info - done
-- Detecting CXX compile features
-- Detecting CXX compile features - done
-- Found Nlopt: /usr/lib/x86_64-linux-gnu/libnlopt.so  
-- Looking for pthread.h
-- Looking for pthread.h - found
-- Looking for pthread_create
-- Looking for pthread_create - not found
-- Looking for pthread_create in pthreads
-- Looking for pthread_create in pthreads - not found
-- Looking for pthread_create in pthread
-- Looking for pthread_create in pthread - found
-- Found Threads: TRUE  
-- Found CUDA: /usr/local/cuda (found version "8.0") 
-- Found PkgConfig: /usr/bin/pkg-config (found version "0.29.1") 
-- Checking for module 'eigen3'
--   Found eigen3, version 3.2.92
-- Found Eigen: /usr/include/eigen3  
-- Eigen found (include: /usr/include/eigen3, version: 3.2.92)
-- Boost version: 1.58.0
-- Found the following Boost libraries:
--   system
--   filesystem
--   thread
--   date_time
--   iostreams
--   serialization
--   chrono
--   atomic
--   regex
-- Checking for module 'flann'
--   Found flann, version 1.8.4
-- Found FLANN: /usr/lib/x86_64-linux-gnu/libflann_cpp.so  
-- FLANN found (include: /usr/include, lib: optimized;/usr/lib/x86_64-linux-gnu/libflann_cpp.so;debug;/usr/lib/x86_64-linux-gnu/libflann_cpp.so)
-- FLANN found (include: /usr/include, lib: optimized;/usr/lib/x86_64-linux-gnu/libflann_cpp.so;debug;/usr/lib/x86_64-linux-gnu/libflann_cpp.so)
-- Found Qhull: /usr/lib/x86_64-linux-gnu/libqhull.so  
-- QHULL found (include: /usr/include, lib: optimized;/usr/lib/x86_64-linux-gnu/libqhull.so;debug;/usr/lib/x86_64-linux-gnu/libqhull.so)
-- Checking for module 'libusb-1.0'
--   Found libusb-1.0, version 1.0.22
-- Found USB_10: /usr/local/lib/libusb-1.0.so  
-- Found OpenNI: /usr/lib/libOpenNI.so  
-- OpenNI found (include: /usr/include/ni, lib: /usr/lib/libOpenNI.so)
-- Found OpenNI2: /usr/lib/libOpenNI2.so  
-- OpenNI2 found (include: /usr/include/openni2, lib: /usr/lib/libOpenNI2.so)
** WARNING ** io features related to pcap will be disabled
** WARNING ** io features related to png will be disabled
-- Found libusb-1.0: /usr/local/include  
** WARNING ** io features related to libusb-1.0 will be disabled
-- OpenNI found (include: /usr/include/ni, lib: /usr/lib/libOpenNI.so)
-- OpenNI2 found (include: /usr/include/openni2, lib: /usr/lib/libOpenNI2.so)
-- looking for PCL_COMMON
-- Found PCL_COMMON: /usr/local/lib/libpcl_common.so  
-- looking for PCL_KDTREE
-- Found PCL_KDTREE: /usr/local/lib/libpcl_kdtree.so  
-- looking for PCL_OCTREE
-- Found PCL_OCTREE: /usr/local/lib/libpcl_octree.so  
-- looking for PCL_SEARCH
-- Found PCL_SEARCH: /usr/local/lib/libpcl_search.so  
-- looking for PCL_SURFACE
-- Found PCL_SURFACE: /usr/local/lib/libpcl_surface.so  
-- looking for PCL_GEOMETRY
-- Found PCL_GEOMETRY: /usr/local/include/pcl-1.8  
-- looking for PCL_IO
-- Found PCL_IO: /usr/local/lib/libpcl_io.so  
-- looking for PCL_SAMPLE_CONSENSUS
-- Found PCL_SAMPLE_CONSENSUS: /usr/local/lib/libpcl_sample_consensus.so  
-- looking for PCL_FILTERS
-- Found PCL_FILTERS: /usr/local/lib/libpcl_filters.so  
-- looking for PCL_2D
-- Found PCL_2D: /usr/local/include/pcl-1.8  
-- looking for PCL_FEATURES
-- Found PCL_FEATURES: /usr/local/lib/libpcl_features.so  
-- looking for PCL_VISUALIZATION
-- Found PCL_VISUALIZATION: /usr/local/lib/libpcl_visualization.so  
-- looking for PCL_TRACKING
-- Found PCL_TRACKING: /usr/local/lib/libpcl_tracking.so  
-- looking for PCL_OUTOFCORE
-- Found PCL_OUTOFCORE: /usr/local/lib/libpcl_outofcore.so  
-- looking for PCL_ML
-- Found PCL_ML: /usr/local/lib/libpcl_ml.so  
-- looking for PCL_SEGMENTATION
-- Found PCL_SEGMENTATION: /usr/local/lib/libpcl_segmentation.so  
-- looking for PCL_PEOPLE
-- Found PCL_PEOPLE: /usr/local/lib/libpcl_people.so  
-- looking for PCL_STEREO
-- Found PCL_STEREO: /usr/local/lib/libpcl_stereo.so  
-- looking for PCL_REGISTRATION
-- Found PCL_REGISTRATION: /usr/local/lib/libpcl_registration.so  
-- looking for PCL_RECOGNITION
-- Found PCL_RECOGNITION: /usr/local/lib/libpcl_recognition.so  
-- looking for PCL_KEYPOINTS
-- Found PCL_KEYPOINTS: /usr/local/lib/libpcl_keypoints.so  
-- Found PCL: /usr/lib/x86_64-linux-gnu/libboost_system.so;/usr/lib/x86_64-linux-gnu/libboost_filesystem.so;/usr/lib/x86_64-linux-gnu/libboost_thread.so;/usr/lib/x86_64-linux-gnu/libboost_date_time.so;/usr/lib/x86_64-linux-gnu/libboost_iostreams.so;/usr/lib/x86_64-linux-gnu/libboost_serialization.so;/usr/lib/x86_64-linux-gnu/libboost_chrono.so;/usr/lib/x86_64-linux-gnu/libboost_atomic.so;/usr/lib/x86_64-linux-gnu/libboost_regex.so;/usr/lib/x86_64-linux-gnu/libpthread.so;optimized;/usr/local/lib/libpcl_common.so;debug;/usr/local/lib/libpcl_common.so;optimized;/usr/lib/x86_64-linux-gnu/libflann_cpp.so;debug;/usr/lib/x86_64-linux-gnu/libflann_cpp.so;optimized;/usr/local/lib/libpcl_kdtree.so;debug;/usr/local/lib/libpcl_kdtree.so;optimized;/usr/local/lib/libpcl_octree.so;debug;/usr/local/lib/libpcl_octree.so;optimized;/usr/local/lib/libpcl_search.so;debug;/usr/local/lib/libpcl_search.so;optimized;/usr/lib/x86_64-linux-gnu/libqhull.so;debug;/usr/lib/x86_64-linux-gnu/libqhull.so;optimized;/usr/local/lib/libpcl_surface.so;debug;/usr/local/lib/libpcl_surface.so;/usr/lib/libOpenNI.so;/usr/lib/libOpenNI2.so;vtkCommon;vtkFiltering;vtkImaging;vtkGraphics;vtkGenericFiltering;vtkIO;vtkRendering;vtkVolumeRendering;vtkHybrid;vtkWidgets;vtkParallel;vtkInfovis;vtkGeovis;vtkViews;vtkCharts;optimized;/usr/local/lib/libpcl_io.so;debug;/usr/local/lib/libpcl_io.so;optimized;/usr/local/lib/libpcl_sample_consensus.so;debug;/usr/local/lib/libpcl_sample_consensus.so;optimized;/usr/local/lib/libpcl_filters.so;debug;/usr/local/lib/libpcl_filters.so;optimized;/usr/local/lib/libpcl_features.so;debug;/usr/local/lib/libpcl_features.so;optimized;/usr/local/lib/libpcl_visualization.so;debug;/usr/local/lib/libpcl_visualization.so;optimized;/usr/local/lib/libpcl_tracking.so;debug;/usr/local/lib/libpcl_tracking.so;optimized;/usr/local/lib/libpcl_outofcore.so;debug;/usr/local/lib/libpcl_outofcore.so;optimized;/usr/local/lib/libpcl_ml.so;debug;/usr/local/lib/libpcl_ml.so;optimized;/usr/local/lib/libpcl_segmentation.so;debug;/usr/local/lib/libpcl_segmentation.so;optimized;/usr/local/lib/libpcl_people.so;debug;/usr/local/lib/libpcl_people.so;optimized;/usr/local/lib/libpcl_stereo.so;debug;/usr/local/lib/libpcl_stereo.so;optimized;/usr/local/lib/libpcl_registration.so;debug;/usr/local/lib/libpcl_registration.so;optimized;/usr/local/lib/libpcl_recognition.so;debug;/usr/local/lib/libpcl_recognition.so;optimized;/usr/local/lib/libpcl_keypoints.so;debug;/usr/local/lib/libpcl_keypoints.so;/usr/lib/x86_64-linux-gnu/libboost_system.so;/usr/lib/x86_64-linux-gnu/libboost_filesystem.so;/usr/lib/x86_64-linux-gnu/libboost_thread.so;/usr/lib/x86_64-linux-gnu/libboost_date_time.so;/usr/lib/x86_64-linux-gnu/libboost_iostreams.so;/usr/lib/x86_64-linux-gnu/libboost_serialization.so;/usr/lib/x86_64-linux-gnu/libboost_chrono.so;/usr/lib/x86_64-linux-gnu/libboost_atomic.so;/usr/lib/x86_64-linux-gnu/libboost_regex.so;/usr/lib/x86_64-linux-gnu/libpthread.so;optimized;/usr/lib/x86_64-linux-gnu/libqhull.so;debug;/usr/lib/x86_64-linux-gnu/libqhull.so;/usr/lib/libOpenNI.so;/usr/lib/libOpenNI2.so;optimized;/usr/lib/x86_64-linux-gnu/libflann_cpp.so;debug;/usr/lib/x86_64-linux-gnu/libflann_cpp.so;vtkCommon;vtkFiltering;vtkImaging;vtkGraphics;vtkGenericFiltering;vtkIO;vtkRendering;vtkVolumeRendering;vtkHybrid;vtkWidgets;vtkParallel;vtkInfovis;vtkGeovis;vtkViews;vtkCharts  
-- Checking for module 'OpenEXR'
--   Found OpenEXR, version 2.2.0
-- Try OpenMP C flag = [-fopenmp]
-- Performing Test OpenMP_FLAG_DETECTED
-- Performing Test OpenMP_FLAG_DETECTED - Success
-- Try OpenMP CXX flag = [-fopenmp]
-- Performing Test OpenMP_FLAG_DETECTED
-- Performing Test OpenMP_FLAG_DETECTED - Success
-- Found OpenMP: -fopenmp  
-- xFusion root: /home/ubuntu/PoseCNN/lib/kinect_fusion
-- pangolin: /usr/local/lib/cmake/Pangolin/../../../include;/usr/include;/usr/include;/usr/include;/usr/include/eigen3
-- Configuring done
CMake Warning at /usr/share/cmake-3.5/Modules/FindCUDA.cmake:1649 (add_library):
  Cannot generate a safe runtime search path for target synthesizer because
  files in some directories may conflict with libraries in implicit
  directories:
ย 
    runtime library [libz.so.1] in /usr/lib/x86_64-linux-gnu may be hidden by files in:
      /home/ubuntu/anaconda2/lib
    runtime library [libtiff.so.5] in /usr/lib/x86_64-linux-gnu may be hidden by files in:
      /home/ubuntu/anaconda2/lib
ย 
  Some of these libraries may not be found correctly.
Call Stack (most recent call first):
  CMakeLists.txt:74 (cuda_add_library)
ย 
ย 
-- Generating done
-- Build files have been written to: /home/ubuntu/PoseCNN/lib/synthesize/build

When running make,I got the following result:

/usr/bin/cmake: /home/ubuntu/anaconda2/lib/libcurl.so.4: no version information available (required by /usr/bin/cmake)
/usr/bin/cmake: /home/ubuntu/anaconda2/lib/libcurl.so.4: no version information available (required by /usr/bin/cmake)
/usr/bin/cmake: /home/ubuntu/anaconda2/lib/libcurl.so.4: no version information available (required by /usr/bin/cmake)
Scanning dependencies of target synthesizer
/usr/bin/cmake: /home/ubuntu/anaconda2/lib/libcurl.so.4: no version information available (required by /usr/bin/cmake)
[ 25%] Building CXX object CMakeFiles/synthesizer.dir/synthesize.cpp.o
In file included from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.hpp:49:0,
                 from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1:
/home/ubuntu/PoseCNN/lib/synthesize/types.h: In function \u2018cv::Mat jp::float2double(cv::Mat&)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/types.h:159:24: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
  for(unsigned i = 0; i < fmat.cols; i++)
                        ^
/home/ubuntu/PoseCNN/lib/synthesize/types.h:160:24: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
  for(unsigned j = 0; j < fmat.rows; j++)
                        ^
/home/ubuntu/PoseCNN/lib/synthesize/types.h: In function \u2018cv::Mat jp::double2float(cv::Mat&)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/types.h:176:24: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
  for(unsigned i = 0; i < dmat.cols; i++)
                        ^
/home/ubuntu/PoseCNN/lib/synthesize/types.h:177:24: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
  for(unsigned j = 0; j < dmat.rows; j++)
                        ^
In file included from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.hpp:50:0,
                 from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1:
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h: In constructor \u2018TransHyp::TransHyp(jp::id_t, jp::cv_trans_t)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:44:17: warning: \u2018TransHyp::pose\u2019 will be initialized after [-Wreorder]
  jp::cv_trans_t pose; // the actual transformation
                 ^
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:43:11: warning:   \u2018jp::id_t TransHyp::objID\u2019 [-Wreorder]
  jp::id_t objID; // ID of the object this hypothesis belongs to
           ^
In file included from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.hpp:50:0,
                 from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1:
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:40:2: warning:   when initialized here [-Wreorder]
  TransHyp(jp::id_t objID, jp::cv_trans_t pose) : pose(pose), objID(objID), inli
  ^
In file included from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.hpp:50:0,
                 from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1:
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:59:6: warning: \u2018TransHyp::inliers\u2019 will be initialized after [-Wreorder]
  int inliers; // how many of them were inliers
      ^
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:56:6: warning:   \u2018int TransHyp::maxPixels\u2019 [-Wreorder]
  int maxPixels; // how many pixels should be maximally drawn to score this hyp
      ^
In file included from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.hpp:50:0,
                 from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1:
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:40:2: warning:   when initialized here [-Wreorder]
  TransHyp(jp::id_t objID, jp::cv_trans_t pose) : pose(pose), objID(objID), inli
  ^
In file included from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.hpp:50:0,
                 from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1:
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:62:6: warning: \u2018TransHyp::refSteps\u2019 will be initialized after [-Wreorder]
  int refSteps; // how many iterations has this hyp been refined?
      ^
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:60:8: warning:   \u2018float TransHyp::likelihood\u2019 [-Wreorder]
  float likelihood; // likelihood of this hypothesis (optimization using uncerta
        ^
In file included from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.hpp:50:0,
                 from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1:
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:40:2: warning:   when initialized here [-Wreorder]
  TransHyp(jp::id_t objID, jp::cv_trans_t pose) : pose(pose), objID(objID), inli
  ^
In file included from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.hpp:50:0,
                 from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1:
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h: In constructor \u2018TransHyp::TransHyp(jp::id_t, cv::Point2d)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:46:21: warning: \u2018TransHyp::center\u2019 will be initialized after [-Wreorder]
         cv::Point2d center; // object center
                     ^
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:43:11: warning:   \u2018jp::id_t TransHyp::objID\u2019 [-Wreorder]
  jp::id_t objID; // ID of the object this hypothesis belongs to
           ^
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:41:9: warning:   when initialized here [-Wreorder]
         TransHyp(jp::id_t objID, cv::Point2d center) : center(center), objID(ob
         ^
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:59:6: warning: \u2018TransHyp::inliers\u2019 will be initialized after [-Wreorder]
  int inliers; // how many of them were inliers
      ^
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:56:6: warning:   \u2018int TransHyp::maxPixels\u2019 [-Wreorder]
  int maxPixels; // how many pixels should be maximally drawn to score this hyp
      ^
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:41:9: warning:   when initialized here [-Wreorder]
         TransHyp(jp::id_t objID, cv::Point2d center) : center(center), objID(ob
         ^
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:62:6: warning: \u2018TransHyp::refSteps\u2019 will be initialized after [-Wreorder]
  int refSteps; // how many iterations has this hyp been refined?
      ^
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:60:8: warning:   \u2018float TransHyp::likelihood\u2019 [-Wreorder]
  float likelihood; // likelihood of this hypothesis (optimization using uncerta
        ^
/home/ubuntu/PoseCNN/lib/synthesize/ransac.h:41:9: warning:   when initialized here [-Wreorder]
         TransHyp(jp::id_t objID, cv::Point2d center) : center(center), objID(ob
         ^
In file included from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.hpp:52:0,
                 from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1:
/home/ubuntu/PoseCNN/lib/synthesize/detection.h: In function \u2018cv::Rect getBB2D(int, int, const std::vector<cv::Point3_<float> >&, const cv::Mat&, const jp_trans_t&)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/detection.h:130:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
     for (int i = 0; i < bb3D.size(); i++)
                       ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018aiMesh* Synthesizer::loadTexturedMesh(std::__cxx11::string, std::__cxx11::string&)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:209:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
     for (int i = 0; i < scene->mNumMaterials; ++i) 
                       ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::render(int, int, float, float, float, float, float, float, unsigned char*, float*, float*, float*, float*, float*, float*, float*, float)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:501:31: warning: narrowing conversion of \u2018drand(-1.0e+0, 1.0e+0, -1)\u2019 from \u2018double\u2019 to \u2018GLfloat {aka float}\u2019 inside { } [-Wnarrowing]
   GLfloat lightpos0[] = {drand(-1, 1), drand(-1, 1), drand(0.2, 5), 1.};
                               ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:501:45: warning: narrowing conversion of \u2018drand(-1.0e+0, 1.0e+0, -1)\u2019 from \u2018double\u2019 to \u2018GLfloat {aka float}\u2019 inside { } [-Wnarrowing]
   GLfloat lightpos0[] = {drand(-1, 1), drand(-1, 1), drand(0.2, 5), 1.};
                                             ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:501:59: warning: narrowing conversion of \u2018drand(2.0000000000000001e-1, 5.0e+0, -1)\u2019 from \u2018double\u2019 to \u2018GLfloat {aka float}\u2019 inside { } [-Wnarrowing]
   GLfloat lightpos0[] = {drand(-1, 1), drand(-1, 1), drand(0.2, 5), 1.};
                                                           ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::render_one(int, int, int, float, float, float, float, float, float, unsigned char*, float*, float*, float*, float*, float*)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:775:31: warning: narrowing conversion of \u2018drand(-1.0e+0, 1.0e+0, -1)\u2019 from \u2018double\u2019 to \u2018GLfloat {aka float}\u2019 inside { } [-Wnarrowing]
   GLfloat lightpos0[] = {drand(-1, 1), drand(-1, 1), drand(0.2, 5), 1.};
                               ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:775:45: warning: narrowing conversion of \u2018drand(-1.0e+0, 1.0e+0, -1)\u2019 from \u2018double\u2019 to \u2018GLfloat {aka float}\u2019 inside { } [-Wnarrowing]
   GLfloat lightpos0[] = {drand(-1, 1), drand(-1, 1), drand(0.2, 5), 1.};
                                             ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:775:59: warning: narrowing conversion of \u2018drand(2.0000000000000001e-1, 5.0e+0, -1)\u2019 from \u2018double\u2019 to \u2018GLfloat {aka float}\u2019 inside { } [-Wnarrowing]
   GLfloat lightpos0[] = {drand(-1, 1), drand(-1, 1), drand(0.2, 5), 1.};
                                                           ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:688:10: warning: variable \u2018pose\u2019 set but not used [-Wunused-but-set-variable]
   float* pose = poses_[class_id] + seed * 7;
          ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::getLabels(const int*, std::vector<std::vector<int> >&, std::vector<int>&, int, int, int, int)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:911:26: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
     if (labels[i].size() > minArea)
                          ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018std::vector<TransHyp*> Synthesizer::getWorkingQueue(std::map<short unsigned int, std::vector<TransHyp> >&, int)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1035:20: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(int h = 0; h < it->second.size(); h++)
                    ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::countInliers2D(TransHyp&, const cv::Mat&, const std::vector<std::vector<int> >&, const float*, const float*, float, int, int, int)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1080:33: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(unsigned ptIdx = 0; ptIdx < maxPt;)
                                 ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::countInliers3D(TransHyp&, const std::vector<std::vector<int> >&, const float*, const float*, const img_coord_t&, float, int, int, int)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1140:33: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(unsigned ptIdx = 0; ptIdx < maxPt;)
                                 ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::filterInliers2D(TransHyp&, int)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1178:29: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   if(hyp.inlierPts2D.size() < maxInliers) return; // maximum number not reached
                             ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1183:25: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(unsigned i = 0; i < maxInliers; i++)
                         ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::filterInliers3D(TransHyp&, int)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1195:27: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   if(hyp.inlierPts.size() < maxInliers) return; // maximum number not reached, 
                           ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1200:25: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(unsigned i = 0; i < maxInliers; i++)
                         ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::updateHyp2D(TransHyp&, const cv::Mat&, int, int, const std::vector<cv::Point3_<float> >&, int)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1218:21: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for (int i = 0; i < hyp.inlierPts2D.size(); i++)
                     ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In function \u2018double optEnergy2D(const std::vector<double>&, std::vector<double>&, void*)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1331:21: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for (int i = 0; i < dataForOpt->hyp->inlierPts2D.size(); i++)
                     ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1336:22: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(int pt = 0; pt < dataForOpt->hyp->inlierPts2D.size(); pt++) // iterate ov
                      ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In function \u2018double optEnergy3D(const std::vector<double>&, std::vector<double>&, void*)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1371:22: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(int pt = 0; pt < dataForOpt->hyp->inlierPts.size(); pt++) // iterate over
                      ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018double Synthesizer::refineWithOpt(TransHyp&, cv::Mat&, int, int)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1440:17: warning: unused variable \u2018result\u2019 [-Wunused-variable]
   nlopt::result result = opt.optimize(vec, energy);
                 ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::estimatePose2D(const int*, const float*, const float*, int, int, int, float, float, float, float, float*)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1499:27: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(unsigned h = 0; h < ransacIterations; h++)
                           ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1500:25: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(unsigned i = 0; i < maxIterations; i++)
                         ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1595:42: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
     for(int h = 0; h < workingQueue.size(); h++)
                                          ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1613:42: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
     for(int h = 0; h < workingQueue.size(); h++)
                                          ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1623:20: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(int h = 0; h < it->second.size(); h++)
                    ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::estimatePose3D(const int*, unsigned char*, const float*, const float*, int, int, int, float, float, float, float, float, float*)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1699:27: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(unsigned h = 0; h < ransacIterations; h++)
                           ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1700:25: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(unsigned i = 0; i < maxIterations; i++)
                         ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1794:42: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
     for(int h = 0; h < workingQueue.size(); h++)
                                          ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1812:42: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
     for(int h = 0; h < workingQueue.size(); h++)
                                          ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1822:20: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for(int h = 0; h < it->second.size(); h++)
                    ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::refinePose(int, int, int, float, float, const int*, DataForOpt, df::Poly3CameraModel<float>, Sophus::SE3f&, int, float, int)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1898:13: warning: unused variable \u2018energy\u2019 [-Wunused-variable]
       float energy = poseWithOpt(vec, data, iterations);
             ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::solveICP(const int*, unsigned char*, int, int, float, float, float, float, float, float, float, int, int, const float*, const float*, float*, float*, float)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:2040:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
     for (int j = 0; j < label_indexes_.size(); j++)
                       ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:2149:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
     for (int j = 0; j < hyps.size(); j++)
                       ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:2174:25: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
       for (int j = 0; j < hyps.size(); j++)
                         ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:2179:47: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
         for (int k = 0; k < model_points.size(); k++)
                                               ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::visualizePose(int, int, float, float, float, float, float, float, const float*, float*, int, int)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:2276:9: warning: unused variable \u2018threshold\u2019 [-Wunused-variable]
   float threshold = 0.1;
         ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In function \u2018double optEnergy(const std::vector<double>&, std::vector<double>&, void*)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:2362:21: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
   for (int i = 0; i < dataForOpt->label_indexes->size(); i++)
                     ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:2355:7: warning: unused variable \u2018height\u2019 [-Wunused-variable]
   int height = dataForOpt->height;
       ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:2356:7: warning: unused variable \u2018objID\u2019 [-Wunused-variable]
   int objID = dataForOpt->objID;
       ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:2357:14: warning: unused variable \u2018labelmap\u2019 [-Wunused-variable]
   const int* labelmap = dataForOpt->labelmap;
              ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018double Synthesizer::poseWithOpt(std::vector<double>&, DataForOpt, int)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:2431:17: warning: unused variable \u2018result\u2019 [-Wunused-variable]
   nlopt::result result = opt.optimize(vec, energy);
                 ^
In file included from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.hpp:41:0,
                 from /home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:1:
/home/ubuntu/PoseCNN/lib/kinect_fusion/include/df/prediction/glRender.h: In instantiation of \u2018void df::GLRenderer<RenderType>::render(const std::vector<std::vector<pangolin::GlBuffer*> >&, const std::vector<pangolin::GlBuffer*>&, const std::vector<Eigen::Matrix<float, 4, 4> >&, GLenum) [with RenderType = df::CanonicalVertRenderType; GLenum = unsigned int]\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:435:68:   required from here
/home/ubuntu/PoseCNN/lib/kinect_fusion/include/df/prediction/glRender.h:274:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
     for (int m = 0; m < vertexAttributeBuffers.size(); ++m) {
                       ^
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp: In member function \u2018void Synthesizer::loadPoses(std::__cxx11::string)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/synthesize.cpp:130:33: warning: ignoring return value of \u2018int fscanf(FILE*, const char*, ...)\u2019, declared with attribute warn_unused_result [-Wunused-result]
       fscanf(fp, "%f", pose + i);
                                 ^
/usr/bin/cmake: /home/ubuntu/anaconda2/lib/libcurl.so.4: no version information available (required by /usr/bin/cmake)
[ 50%] Building CXX object CMakeFiles/synthesizer.dir/thread_rand.cpp.o
/usr/bin/cmake: /home/ubuntu/anaconda2/lib/libcurl.so.4: no version information available (required by /usr/bin/cmake)
[ 75%] Building CXX object CMakeFiles/synthesizer.dir/Hypothesis.cpp.o
In file included from /home/ubuntu/PoseCNN/lib/synthesize/Hypothesis.h:34:0,
                 from /home/ubuntu/PoseCNN/lib/synthesize/Hypothesis.cpp:28:
/home/ubuntu/PoseCNN/lib/synthesize/types.h: In function \u2018cv::Mat jp::float2double(cv::Mat&)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/types.h:159:24: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
  for(unsigned i = 0; i < fmat.cols; i++)
                        ^
/home/ubuntu/PoseCNN/lib/synthesize/types.h:160:24: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
  for(unsigned j = 0; j < fmat.rows; j++)
                        ^
/home/ubuntu/PoseCNN/lib/synthesize/types.h: In function \u2018cv::Mat jp::double2float(cv::Mat&)\u2019:
/home/ubuntu/PoseCNN/lib/synthesize/types.h:176:24: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
  for(unsigned i = 0; i < dmat.cols; i++)
                        ^
/home/ubuntu/PoseCNN/lib/synthesize/types.h:177:24: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
  for(unsigned j = 0; j < dmat.rows; j++)
                        ^
/usr/bin/cmake: /home/ubuntu/anaconda2/lib/libcurl.so.4: no version information available (required by /usr/bin/cmake)
[100%] Linking CXX shared library libsynthesizer.so
/usr/bin/cmake: /home/ubuntu/anaconda2/lib/libcurl.so.4: no version information available (required by /usr/bin/cmake)
/usr/bin/cmake: /home/ubuntu/anaconda2/lib/libcurl.so.4: no version information available (required by /usr/bin/cmake)
[100%] Built target synthesizer
/usr/bin/cmake: /home/ubuntu/anaconda2/lib/libcurl.so.4: no version information available (required by /usr/bin/cmake)

Then I ran the following code:

cd $ROOT/lib
python setup.py build_ext --inplace

I got the following results:

cythoning normals/gpu_normals.pyx to normals/gpu_normals.cpp
building 'normals.gpu_normals' extension
/usr/local/cuda/bin/nvcc -I/home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include -I/usr/local/cuda/include -I/usr/local/include/eigen3 -I/home/ubuntu/anaconda2/include/python2.7 -c normals/compute_normals.cu -o build/temp.linux-x86_64-2.7/normals/compute_normals.o -arch=sm_35 --ptxas-options=-v -c --compiler-options '-fPIC'
ptxas info    : 0 bytes gmem
ptxas info    : Compiling entry function '_Z17computeNmapKernelPfS_ii' for 'sm_35'
ptxas info    : Function properties for _Z17computeNmapKernelPfS_ii
    0 bytes stack frame, 0 bytes spill stores, 0 bytes spill loads
ptxas info    : Used 20 registers, 344 bytes cmem[0], 8 bytes cmem[2]
ptxas info    : Compiling entry function '_Z17computeVmapKernelPfS_fffffii' for 'sm_35'
ptxas info    : Function properties for _Z17computeVmapKernelPfS_fffffii
    0 bytes stack frame, 0 bytes spill stores, 0 bytes spill loads
ptxas info    : Used 8 registers, 364 bytes cmem[0]
gcc -pthread -B /home/ubuntu/anaconda2/compiler_compat -Wl,--sysroot=/ -fno-strict-aliasing -g -O2 -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include -I/usr/local/cuda/include -I/usr/local/include/eigen3 -I/home/ubuntu/anaconda2/include/python2.7 -c normals/gpu_normals.cpp -o build/temp.linux-x86_64-2.7/normals/gpu_normals.o -Wno-unused-function
cc1plus: warning: command line option \u2018-Wstrict-prototypes\u2019 is valid for C/ObjC but not for C++
In file included from /home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1809:0,
                 from /home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:18,
                 from /home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include/numpy/arrayobject.h:4,
                 from normals/gpu_normals.cpp:499:
/home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:15:2: warning: #warning "Using deprecated NumPy API, disable it by " "#defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-Wcpp]
 #warning "Using deprecated NumPy API, disable it by " \
  ^
g++ -pthread -shared -B /home/ubuntu/anaconda2/compiler_compat -L/home/ubuntu/anaconda2/lib -Wl,-rpath=/home/ubuntu/anaconda2/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-2.7/normals/compute_normals.o build/temp.linux-x86_64-2.7/normals/gpu_normals.o -L/usr/local/cuda/lib64 -L/home/ubuntu/anaconda2/lib -Wl,-R/usr/local/cuda/lib64 -lcudart -lpython2.7 -o /home/ubuntu/PoseCNN/lib/normals/gpu_normals.so
cythoning utils/bbox.pyx to utils/bbox.c
building 'utils.cython_bbox' extension
gcc -pthread -B /home/ubuntu/anaconda2/compiler_compat -Wl,--sysroot=/ -fno-strict-aliasing -g -O2 -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include -I/home/ubuntu/anaconda2/include/python2.7 -c utils/bbox.c -o build/temp.linux-x86_64-2.7/utils/bbox.o -Wno-cpp -Wno-unused-function
gcc -pthread -shared -B /home/ubuntu/anaconda2/compiler_compat -L/home/ubuntu/anaconda2/lib -Wl,-rpath=/home/ubuntu/anaconda2/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-2.7/utils/bbox.o -L/home/ubuntu/anaconda2/lib -lpython2.7 -o /home/ubuntu/PoseCNN/lib/utils/cython_bbox.so
cythoning nms/cpu_nms.pyx to nms/cpu_nms.c
building 'nms.cpu_nms' extension
gcc -pthread -B /home/ubuntu/anaconda2/compiler_compat -Wl,--sysroot=/ -fno-strict-aliasing -g -O2 -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include -I/home/ubuntu/anaconda2/include/python2.7 -c nms/cpu_nms.c -o build/temp.linux-x86_64-2.7/nms/cpu_nms.o -Wno-cpp -Wno-unused-function
gcc -pthread -shared -B /home/ubuntu/anaconda2/compiler_compat -L/home/ubuntu/anaconda2/lib -Wl,-rpath=/home/ubuntu/anaconda2/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-2.7/nms/cpu_nms.o -L/home/ubuntu/anaconda2/lib -lpython2.7 -o /home/ubuntu/PoseCNN/lib/nms/cpu_nms.so
cythoning nms/gpu_nms.pyx to nms/gpu_nms.cpp
building 'nms.gpu_nms' extension
/usr/local/cuda/bin/nvcc -I/home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include -I/usr/local/cuda/include -I/home/ubuntu/anaconda2/include/python2.7 -c nms/nms_kernel.cu -o build/temp.linux-x86_64-2.7/nms/nms_kernel.o -arch=sm_52 --ptxas-options=-v -c --compiler-options '-fPIC'
ptxas info    : 0 bytes gmem
ptxas info    : Compiling entry function '_Z10nms_kernelifPKfPy' for 'sm_52'
ptxas info    : Function properties for _Z10nms_kernelifPKfPy
    0 bytes stack frame, 0 bytes spill stores, 0 bytes spill loads
ptxas info    : Used 22 registers, 1280 bytes smem, 344 bytes cmem[0], 12 bytes cmem[2]
gcc -pthread -B /home/ubuntu/anaconda2/compiler_compat -Wl,--sysroot=/ -fno-strict-aliasing -g -O2 -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include -I/usr/local/cuda/include -I/home/ubuntu/anaconda2/include/python2.7 -c nms/gpu_nms.cpp -o build/temp.linux-x86_64-2.7/nms/gpu_nms.o -Wno-unused-function
cc1plus: warning: command line option \u2018-Wstrict-prototypes\u2019 is valid for C/ObjC but not for C++
In file included from /home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1809:0,
                 from /home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:18,
                 from /home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include/numpy/arrayobject.h:4,
                 from nms/gpu_nms.cpp:499:
/home/ubuntu/anaconda2/lib/python2.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:15:2: warning: #warning "Using deprecated NumPy API, disable it by " "#defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-Wcpp]
 #warning "Using deprecated NumPy API, disable it by " \
  ^
g++ -pthread -shared -B /home/ubuntu/anaconda2/compiler_compat -L/home/ubuntu/anaconda2/lib -Wl,-rpath=/home/ubuntu/anaconda2/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-2.7/nms/nms_kernel.o build/temp.linux-x86_64-2.7/nms/gpu_nms.o -L/usr/local/cuda/lib64 -L/home/ubuntu/anaconda2/lib -Wl,-R/usr/local/cuda/lib64 -lcudart -lpython2.7 -o /home/ubuntu/PoseCNN/lib/nms/gpu_nms.so
cythoning synthesize/synthesizer.pyx to synthesize/synthesizer.cpp
building 'synthesize.synthesizer' extension
gcc -pthread -B /home/ubuntu/anaconda2/compiler_compat -Wl,--sysroot=/ -fno-strict-aliasing -g -O2 -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/ubuntu/anaconda2/include/python2.7 -c synthesize/synthesizer.cpp -o build/temp.linux-x86_64-2.7/synthesize/synthesizer.o -Wno-unused-function
cc1plus: warning: command line option \u2018-Wstrict-prototypes\u2019 is valid for C/ObjC but not for C++
In file included from /usr/include/numpy/ndarraytypes.h:1777:0,
                 from /usr/include/numpy/ndarrayobject.h:18,
                 from /usr/include/numpy/arrayobject.h:4,
                 from synthesize/synthesizer.cpp:504:
/usr/include/numpy/npy_1_7_deprecated_api.h:15:2: warning: #warning "Using deprecated NumPy API, disable it by " "#defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-Wcpp]
 #warning "Using deprecated NumPy API, disable it by " \
  ^
g++ -pthread -shared -B /home/ubuntu/anaconda2/compiler_compat -L/home/ubuntu/anaconda2/lib -Wl,-rpath=/home/ubuntu/anaconda2/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-2.7/synthesize/synthesizer.o synthesize/build/libsynthesizer.so -L/home/ubuntu/anaconda2/lib -lpython2.7 -o /home/ubuntu/PoseCNN/lib/synthesize/synthesizer.so

implementation problems

Hi Yu Xiang,

Thanks for providing the code for your paper. I met some problems when run the commands that you provided.

when i run the following:
Shell cd $ROOT/lib/synthesize mkdir build cd build cmake .. make
There were some problems, it said 'can't fine the #include <df/camera/camera.h>'
how can i find all the df files?

Thanks.

Segmentation Fault

Hi,
While running ./experiments/scripts/demo.sh $GPU_ID, I almost always get these errors and warnings :

2018-07-06 13:14:14.755317: E tensorflow/stream_executor/cuda/cuda_driver.cc:406] failed call to cuInit: CUDA_ERROR_NO_DEVICE
2018-07-06 13:14:14.755381: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:158] retrieving CUDA diagnostic information for host: thomas-HP-Pavilion-15-Notebook-PC
2018-07-06 13:14:14.755404: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:165] hostname: thomas-HP-Pavilion-15-Notebook-PC
2018-07-06 13:14:14.755490: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:189] libcuda reported version is: 384.130.0
2018-07-06 13:14:14.755530: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:369] driver version file contents: """NVRM version: NVIDIA UNIX x86_64 Kernel Module  384.130  Wed Mar 21 03:37:26 PDT 2018 GCC version:  gcc version 5.4.0 20160609 (Ubuntu 5.4.0-6ubuntu1~16.04.10) """
2018-07-06 13:14:14.755558: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:193] kernel reported version is: 384.130.0
2018-07-06 13:14:14.755572: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:300] kernel version seems to match DSO: 384.130.0
Loading model weights from data/demo_models/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000.ckpt
data/demo_images/000002-color.png
./experiments/scripts/demo.sh: line 18: 16203 Segmentation fault      (core dumped) ./tools/demo.py --gpu 0 --network vgg16_convs --model data/demo_models/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000.ckpt --imdb lov_keyframe --cfg experiments/cfgs/lov_color_2d.yml --rig data/LOV/camera.json --cad data/LOV/models.txt --pose data/LOV/poses.txt --background data/cache/backgrounds.pk

`
The segmentation fault error doesn't happen every time but still often happen. Has anyone encountered this ? Is the memory allocation warning linked to the segmentation fault ? Do I have not enough RAM on my computer ?

My current setting is :
Ubuntu 16.04 with Memory : 5.8
Cuda 8.0 with cuDNN 7
Tensorflow 1.8
GPU : NVIDIA GEFORCE 840M

Demo tries to use vgg16_conv, but only defines vgg16

Hello, after a lot of version conflicts I managed to compile :-)

Running demo.sh fails with "KeyError: 'Unknown network: vgg16_conv'" though.
I can understand this since with __C.TRAIN.SINGLE_FRAME = False in fcn/config.py
networks/factory.py only defines vgg16.

So from my understanding demo.sh can not work as it is checked in right now.

A simple change from --network vgg16_conf to vgg16 does not help and fails with other errors.
Thanks for any help towards a working demo.

implementation problem

hi, i have two questions for asking
1, when i do ./experiments/scripts/demo.sh, i just run this script and it happens an error like below
"AssertionError: Data path does not exist: ../../data/LOV/data". i hope to know whether i need to download the YCB-Video dataset when run this demo.sh.
2, The size of the YCB-Video dataset is two large, about 256G, and not easy to save on disk. can you give a small one, or separate the dataset to a small set.
Appreciate your reply!

KeyError: 'Unknown network: vgg16_convs'

I get the following error when I run ./experiments/scripts/lov_color_2d_train.sh 0

Traceback (most recent call last):
  File "./tools/train_net.py", line 328, in <module>
    network = get_network(args.network_name)
  File "/home/nivedithak/Downloads/PoseCNN-master/tools/../lib/networks/factory.py", line 50, in get_network
    raise KeyError('Unknown network: {}'.format(name))
KeyError: 'Unknown network: vgg16_convs'

I am not sure what is causing this considering the vgg16_convs file exists and is one of the imported networks.

Demo dependencies missing - ImportError: cannot import name gpu_normals

I am trying to run ./experiments/scripts/demo.sh 0

I have installed following till now:-

  1. pip install opencv-contrib-python==3.4.1.15
  2. conda install scipy
  3. sudo apt-get install python3-setuptools
  4. pip install cython
  5. pip install -U pip setuptools
  6. pip install transforms3d

I am currently stuck with ImportError: cannot import name gpu_normals. Please could you suggest which library this is?

Ofcourse, would help others if you add these dependencies to readme with versions as well.

ImportError: No module named libsynthesizer

When I tried to run the training demo
./experiments/scripts/lov_color_2d_train.sh $GPU_ID
there was the following error:

File "./tools/train_net.py", line 303, in <module>
    import libsynthesizer
ImportError: No module named libsynthesizer

So I tried to compile setup.py
python setup.py build_ext --inplace
but it failed because of missing synthesizer.hpp:

synthesize/synthesizer.cpp:588:27: fatal error: synthesizer.hpp: No such file or directory
compilation terminated.

(There's only synthesize.hpp in $ROOT/lib/synthesize/ but no synthesizer.hpp)

Is the synthesizer.hpp missing / could you please add the file to the github repository?
Or is there another solution to this problem?
Thanks for help.

versions of libraries

Hi,

You used so many third-party libraries and softwares in your code. If you have time, could you please list out the versions of these libraries or softwares? Then at least we will not be confused by the combination of different versions. Thanks very much.

False/hard annotations with occluded objects

I am currently looking at the YCB-video dataset and noticed that there might be occlusions that are "too hard":
e.g. the sugar box in the image below

  • Is there a flag for hard occlusions in the dataset?
  • Were these annotations used to train poseCNN?

occlusions

Thank you.

cudaCheckError() failed compute outputs: too many resources requested for launch

I get this error while trying to run ./experiments/scripts/demo.sh 0 :

2018-07-06 12:51:54.564555: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:892] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2018-07-06 12:51:54.565020: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Found device 0 with properties: 
name: GeForce 840M major: 5 minor: 0 memoryClockRate(GHz): 1.124
pciBusID: 0000:0a:00.0
totalMemory: 1.96GiB freeMemory: 1.73GiB
2018-07-06 12:51:54.565060: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1120] Creating TensorFlow device (/device:GPU:0) -> (device: 0, name: GeForce 840M, pci bus id: 0000:0a:00.0, compute capability: 5.0)
Loading model weights from data/demo_models/vgg16_fcn_color_single_frame_2d_pose_add_lov_iter_160000.ckpt
data/demo_images/000003-color.png
2018-07-06 12:51:56.557339: W tensorflow/core/common_runtime/bfc_allocator.cc:217] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.76GiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory is available.
2018-07-06 12:51:56.736688: W tensorflow/core/common_runtime/bfc_allocator.cc:217] Allocator (GPU_0_bfc) ran out of memory trying to allocate 675.00MiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory is available.
2018-07-06 12:51:56.956865: W tensorflow/core/common_runtime/bfc_allocator.cc:217] Allocator (GPU_0_bfc) ran out of memory trying to allocate 1.98GiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory is available.
2018-07-06 12:51:57.085750: W tensorflow/core/common_runtime/bfc_allocator.cc:217] Allocator (GPU_0_bfc) ran out of memory trying to allocate 337.50MiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory is available.
2018-07-06 12:51:57.158900: W tensorflow/core/common_runtime/bfc_allocator.cc:217] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.64GiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory is available.
2018-07-06 12:51:57.328548: W tensorflow/core/common_runtime/bfc_allocator.cc:217] Allocator (GPU_0_bfc) ran out of memory trying to allocate 1017.00MiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory is available.
2018-07-06 12:51:57.572087: W tensorflow/core/common_runtime/bfc_allocator.cc:217] Allocator (GPU_0_bfc) ran out of memory trying to allocate 1.33GiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory is available.
2018-07-06 12:51:57.769324: W tensorflow/core/common_runtime/bfc_allocator.cc:217] Allocator (GPU_0_bfc) ran out of memory trying to allocate 524.25MiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory is available.
2018-07-06 12:51:58.011584: W tensorflow/core/common_runtime/bfc_allocator.cc:217] Allocator (GPU_0_bfc) ran out of memory trying to allocate 711.00MiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory is available.
cudaCheckError() failed compute outputs: too many resources requested for launch

I guess that this is due to the fact that my GPU card doesn't have enough memory. Is there a way to avoid this error without changing my GPU card ?

How to use test_ros_bag.sh with a custom rosbag?

Could you provide a small example how you used this script? Right now the repository is missing 011_banana_train.txt(I get an assertion error when running test_ros_bag.sh) and I'm unsure what should be in it. I tried to run the file with the same settings like the demo just adding my bag, but then tensorflow segfaults.

the format of the YCB-Video dataset

I can't access the YCB-Video dataset because of the limited internet in China.
Now I want to know the format of the dataset, so that I can make my own dataset. Thank you very much!

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.