running egg_info creating /tmp/jsk_recognition-release/obj-x86_64-linux-gnu/jsk_perception.egg-info writing /tmp/jsk_recognition-release/obj-x86_64-linux-gnu/jsk_perception.egg-info/PKG-INFO writing top-level names to /tmp/jsk_recognition-release/obj-x86_64-linux-gnu/jsk_perception.egg-info/top_level.txt writing dependency_links to /tmp/jsk_recognition-release/obj-x86_64-linux-gnu/jsk_perception.egg-info/dependency_links.txt writing manifest file '/tmp/jsk_recognition-release/obj-x86_64-linux-gnu/jsk_perception.egg-info/SOURCES.txt' error: package directory 'jsk_perception' does not exist CMake Error at catkin_generated/safe_execute_install.cmake:4 (message): execute_process(/tmp/jsk_recognition-release/obj-x86_64-linux-gnu/catkin_generated/python_distutils_install.sh) returned error code Call Stack (most recent call first): cmake_install.cmake:41 (include) Makefile:97: recipe for target 'install' failed
Add FCN8sDepthPredictionConcatFirst model to fcn_depth_prediction.py (#2481)
refactor sample launches in jsk_perception (#2376)
Add nose mask publisher (#2347)
[jsk_perception/people_pose_estimation_2d.py][jsk_perception/people_mask_publisher.py] Fix edge case bug (#2465)
Publish ClusterPointIndices in ssd_object_detector.py (#2467)
fix travis - skip noetic test into two jobs, using BUILD_PKGS - skip catkin_python_setup for indigo (#2522)
Fix for noetic / 20.04 (#2507)
fix print syntax in train_ssd.py (#2500)
[jsk_perception] support image with alpha in image_publisher (#2479)
[jsk_perception] add program for training ssd with box annotation (#2483)
show what should we do, if we have error on 'import chainer' (#2491)
if you do not have cupy, it raises error ` [INFO] [1588763738.839739]: Read the image file: /home/k-okada/ws_recognition/src/jsk_recognition/jsk_perception/sample/object_detection_example_2.jpg [INFO] [1588763739.625133]: Loaded 43 labels Traceback (most recent call last): File "/home/k-okada/ws_recognition/src/jsk_recognition/jsk_perception/node_scripts/ssd_object_detector.py", line 207, in <module> ssd = SSDObjectDetector() File "/opt/ros/melodic/lib/python2.7/dist-packages/jsk_topic_tools/transport.py", line 26, in __call\_\_ obj = type.__call_\_(cls, *args, **kwargs) File "/home/k-okada/ws_recognition/src/jsk_recognition/jsk_perception/node_scripts/ssd_object_detector.py", line 71, in __init\_\_ chainer.cuda.get_device_from_id(self.gpu).use() File "/usr/local/lib/python2.7/dist-packages/chainer/backends/cuda.py", line 275, in get_device_from_id check_cuda_available() File "/usr/local/lib/python2.7/dist-packages/chainer/backends/cuda.py", line 138, in check_cuda_available raise RuntimeError(msg) RuntimeError: CUDA environment is not correctly set up (see https://github.com/chainer/chainer#installation).No module named cupy `` * show what should we do, if we have error on 'import chainer' ` Traceback (most recent call last): File "/home/k-okada/ws_recognition/src/jsk_recognition/jsk_perception/node_scripts/ssd_object_detector.py", line 26, in <module> import chainer File "/usr/local/lib/python2.7/dist-packages/chainer/__init__.py", line 10, in <module> from chainer import backends # NOQA File "/usr/local/lib/python2.7/dist-packages/chainer/backends/__init__.py", line 1, in <module> from chainer.backends import cuda # NOQA File "/usr/local/lib/python2.7/dist-packages/chainer/backends/cuda.py", line 77 def shape(self) -> types.Shape: ^ SyntaxError: invalid syntax ``` c.f. https://github.com/jsk-ros-pkg/jsk_recognition/pull/2485
add more arg INPUT_IMAGE (#2492)
jsk_perception/train_ssd.py fix error when out_dir is set (#2493)
set chainer version less than 7.0.0 (#2485)
Fix test for consensus_tracking (#2475 from YutoUchimi/fix_consensus_tracking
Parameterize frames, transformation and interpolation in virtual_camera_mono (#2470)
Convert audio data to spectrogram (#2478)
Add train script and sample for SSD (#2471)
Add queue_size and slop param to TileImages (#2453)
Fix label_id division by 256 -> 255 (#2455)
fix generate_readme.py and update readme (#2442)
Publish human skelton msgs in OpenPose node (#2437)
Fix tile_image.py for Python3 (#2452)
Fix label_image_decomposer.py for Python3 (#2454)
Update to slic d77d6e8 (#2450)
mask_rcnn_instance_segmentation: support loading yaml from file (#2413)
pointit: add option '~use_arm' to select arm for pointing (#2415)
Add sample, test and doc (#2440)
fixes scope bug on point_pose_extraction (#2414)
[jsk_perception] Add trained maskrcnn model for 73b2 kitchen (#2423)
update to use jsk_travis 0.5.0 (#2439) * skip deep_sort_tracker.test on indigo https://travis-ci.org/jsk-ros-pkg/jsk_recognition/jobs/549216064#L8697-L8733 downloading SSD data(ssd300_voc0712_converted_2017_06_06.npz) failes with ` IOError: [Errno socket error] [Errno 1] _ssl.c:510: error:14077410:SSL routines:SSL23_GET_SERVER_HELLO:sslv3 alert handshake failure' ` do we need to update Python to 2.7.9? for indidgo ???? https://stackoverflow.com/questions/54413685/insecureplatform-warning
Add Mask R-CNN model trained with COCO dataset (~80 classes) (already included VOC model only detects ~20 classes) (#2427)
MaskImageToPointIndices: support multi channel mask image (#2409)
point_pose_extractor: fix bug on scope
point_pose_extractor: fill reliability
Add sample for MaskImageToPointIndices
add jsk_perception/SubtractMaskImage (#2411)
Re-enable bing.test (#2418)
Contributors: Fuki Furuta, Kei Okada, Kentaro Wada, Naoya Yamaguchi, Shingo Kitagawa, Yoshiki Obinata, Yuki Furuta, Yuto Uchimi, Iory Yanokura, Hideaki Ito, Taichi Higashide
Add hand pose detection (#2324) * [jsk_perception/people_pose_estimation.py] Fixed for cpu inference * [jsk_perception/people_pose_estimation.py] Diable train and enable_backprop * [jsk_perception/people_pose_estimation_2d] Add hand width offset * pointit: add handle exception on tf2 * pointit: add min threshold * jsk_perception: add pointit * people_pose_estimation_2d: support hand detection
[jsk_perception] Add human mesh recovery(estimate people 3d pose from 2d image) (#2332) * clean up jsk_perception/scripts/install_trained_data.py around if _chainer_available * [jsk_perception/human_mesh_recovery] Refactor * [jsk_perception/human_mesh_recovery] Add test * [jsk_perception/human_mesh_recovery] Add sample * [jsk_perception/human_mesh_recovery] Add install model file code * [jsk_perception/human_mesh_recovery] Add node
[jsk_perception/openpose] Add resize image (#2300) * [jsk_perception/openpose] Fixed logic * [jsk_perception/openpose] Add warning * [jsk_perception/openpose] Add resize image
[jsk_perception/ssd_object_detector] Add hand pretrained model (#2333)
Fix install destination (#2345) * Install 'node_scripts', 'scripts', 'test' into SHARE_DESTINATION
[jsk_perception/sample_mask_rcnn] Fixed typo. fps -> rate (#2353)
[jsk_perception/mask_rcnn_instance_segmentation.py] Publish rects and class (#2350)
[jsk_perception/point_pose_extractor.cpp] Correct grammer. 'could not found' -> 'could not find' (#2349)
[jsk_perception/image_publisher.py] Add fov parameter for publishing valid camera info parameters (#2340) * [jsk_perception/image_publisher.py] Add warning when not specified fovx and fovy at the same time * [jsk_perception/sample_image_publisher.launch] Add fov parameter for kinectv2 * [jsk_perception/image_publisher.py] Add fov parameter for camera info
[jsk_perception/sample_bof_object_recognition.launch] Fixed path of trained bof data(#2337) * [jsk_perception/install_trained_data.py] Add trained bof data for sklearn==0.20.0
fix for jsk-ros-pkg/jsk_common/pull/1586 (#2311) * to avoid add_custom_target cannot create target install_sample_data because another target with the same name already exists errors
Use diagnostic nodelet for EuclideanClustering and other nodelets (#2301) * jsk_pcl_ros: euclidean_clustering: use dianogistc nodelet
Use DiagnosticNodelet::updateDiagnostic preferrably
support SSD512 for ssd_object_detector (#2305) * move ssd_train_dataset to scripts
[jsk_perception/face_pose_estimation] Fixed orientation of face pose (#2304) * [jsk_perception/face] Modified rviz * [jsk_perception/face] Add debug image of face pose * [jsk_perception/face] Fixed orientation of publish pose * [jsk_perception/face] Fixed pretrained model loader
Enable Openpose Node for chainer 4.0.0 (#2295) * [jsk_perception/scripts] Modified url * [jsk_perception/scripts] Modified format * [jsk_perception/scripts] Modified openpose's weight * [jsk_perception] Modified openpose
[jsk_perception] install config dir (#2294)
Update chainer_mask_rcnn to 0.3.0 (#2293
Fix for AssertionError in fast_rcnn.py (#2281) * Ignore whether cuda is available or not in fast_rcnn.py * Allow ~gpu as rosparam in fast_rcnn * Fix for AssertionError in fast_rcnn.py
Re-enable tests which use chainer inside them (#2280) * Re-enable all tests which use chainer * Re-enable tests which use chainer inside them
Set required=true for samples to fast finish in testsMerge pull request (#2274)
Refactor cmake of jsk_perception (#2275) * Apply Eigen -> Eigen3 migration (Eigen also works) http://wiki.ros.org/jade/Migration * Remove no need libsiftfast dependency
fix travia and reduce dependency for jsk_pcl_ros (#2276) * skip test for #2272 * Set required=true for samples to fast finish in tests
Sometimes the test fails because of unexpected errors. In that case, it is better that the test quickly finish with errors.
Contributors: Yuki Furuta, Kei Okada, Kentaro Wada, Riku Shigematsu, Shingo Kitagawa, Yuto Uchimi, Iori Yanokura
Add MaskRCNNInstanceSegmentation node (#2257) * MaskRCNN node publishes label imgs that have class and instance id * Add ~bg_label to label_image_decomposer which is not colorized * Add ~cval param to apply_mask_image * Add MaskRCNNInstanceSegmentation node
Improve topic name visualization in tile_image.py (#2256) * Comment out draw_classification_result test * Improve visualization in tile_image.py
- Use FONT_HERSHEY_SIMPLEX.
- Adjust font_scale according to the new font.
[jsk_perception/draw_classification_result.py] use LINE_AA for opencv3 in kinetic (#2247) * enable draw_classification_result test * remove unused variables and imports * use LINE_AA for opencv3 in kinetic
Add fcn_depth_prediction node (#2244) * [jsk_perception] Fix function name in fcn_depth_prediction.py * [jsk_perception] Add sample of fcn_depth_prediction * [jsk_perception] Add trained data for fcn_depth_prediction to install_trained_data * [jsk_perception] Add fcn_depth_prediction node
[jsk_perception/fast_rcnn.py] fast_rcnn node to follow chainer-v2 version (#2249) * add MODEL arg for fast rcnn launch * check chainer version for volatile variable
[jsk_perception/label_image_decomposer.py] check img.ndim for gray scale image (#2248) * check img.ndim for gray scale image
Contributors: Yuki Furuta, Kei Okada, Kentaro Wada, Shingo Kitagawa, Yuto Uchimi
jsk_perception: add face_pose_estimation (#2207)
jsk_perception: people_pose_estimation_2d.py: add option not to synchronize camera info
jsk_perception: use 'find' in generated eusmodel launch file (#2215)
add timestamp for diff_image (#2216)
jsk_percetion: add ssd object detector (#2204 from furushchev/ssd)
Drop hydro from CI on Travis (#2217) * Remove color_histogram test that won't work on Travis
Capability of specifying shape for tiling images (#2208) * Refactor tile_image.py about self._shape * Validate ~shape param of tile_image.py
- modified: tile_image.py
Add ~alpha param to label_image_decomposer to tune the overlay (#2211) * Make ~alpha param of label_image_decomposer to dynparam * Add ~alpha param to label_image_decomposer to tune the overlay * Add option to visualize label image without sync by ~only_label option
jsk_perception: people_pose_estimation_2d.py: unsynchronize camera info (#2206)
Add node for visualization of (labeled) rectangle region on 2D image (#2205) * jsk_perception: draw_rects: disable resubscribing on hydro * jsk_perception: use jsk_recognition_msgs::Rect for rect instead of geometry_msgs::PolygonStamped * jsk_perception: add nodelet for drawing rects on image * jsk_perception: use classification result for FastRCNN
Split test of fcn_object_segmentation to avoid MemoryError Because loading 2 FCN8s model is too heavy on PCs with small memories. (#2200)
[jsk_perception, slic_super_pixels] add parameter, publish_debug_images (#2181)
Regional feature based object recognition using ResNet (#2172) * Rename to regional_feature_based_object_recognition * Remove params pretrained_model and mean_file * Sort add_rostest * Add test for feature_based_object_recognition * Download files and make the sample work * Add ResNetFeature * Fix bug in feature_based_object_recognition * Add feature based object recognition node * Large color variation in draw_classification_result * Display image even though some topics have not come yet * Fix nan values in ProbabilityImageClassifier
node_scripts/apply_context_to_label_probability: make sure candidates is list because it can be tuple, which cause error (#2185)
Fix ignore_labels out of range for the input label/proba image (#2184) * Update sample of label/probability_image_classifier
Fixes on probabilistic image classifier (#2177) * If no candidates, candidates_fixed should be ignored
src/bounding_box_to_rect.cpp: Convert bounding box to mask (#2176) * Add sample_rect_to_mask_image.launch * support BoundingBox as input topic type as well as BoundingBoxArray
jsk_perception: fix indent in creating people pose (#2179)
Contributors: Yuki Furuta, Kei Okada, Kentaro Wada, Naoki Hiraoka, Shingo Kitagawa, Yohei Kakiuchi, Yuto Uchimi
- inherit VGG16ObjectRecognition in AlexNet
- rename alex to alexnet
- mv imagenet_target_names.yaml in sample/config
- add test for alex_object_recognition
- add sample for alex_object_recognition
- add alex_object_recognition node
jsk_perception/test/bof_histogram_extractor.test: increase time-limit for test_bof_histogram_extractor (#2079)
fix typo in fcn_object_segmentation (#2076) * Improve the location of squeezing batch axis https://github.com/jsk-ros-pkg/jsk_recognition/commit/ddf46101d2d02e7bd18261542a2bacb456bf6e11
Remove unexpectedly introduced torch rosdep key (#2074)
FilterMaskImageWithSize: Filter mask image with its size (#2062) * Add flag of ~use_reference to minimize overhead of synchronizing
- modified: ../doc/jsk_perception/nodes/filter_mask_image_with_size.md
- modified: include/jsk_perception/filter_mask_image_with_size.h
- modified: sample/sample_filter_mask_image_with_size.launch
- modified: src/filter_mask_image_with_size.cpp
Add ~approximate_sync param to ConsensusTracking (#2067) Modified: - doc/jsk_perception/nodes/consensus_tracking.rst - jsk_perception/include/jsk_perception/consensus_tracking.h - jsk_perception/src/consensus_tracking.cpp
FlowVelocityThresholding: Thresholding with velocity of optical flow (#2060 ) * Add sample/test for FlowVelocityThresholding
- new file: jsk_perception/nodes/flow_velocity_thresholding.md
- new file: jsk_perception/nodes/images/flow_velocity_thresholding.gif
- modified: ../jsk_perception/CMakeLists.txt
- new file: ../jsk_perception/sample/sample_flow_velocity_thresholding.launch
- new file: ../jsk_perception/test/flow_velocity_thresholding.test
Generate README by script (#2064 )
fix typo in fcn_object_segmentation.py (#2063 )
Add ~queue_size param to MultiplyMaskImage (#2061 ) Modified: - doc/jsk_perception/nodes/multiply_mask_image.md - jsk_perception/src/multiply_mask_image.cpp
Enhance fcn_object_segmentation.py with PyTorch backend (#2051 ) * Optimization for faster processing
- modified: jsk_perception/node_scripts/fcn_object_segmentation.py
[jsk_perception] Add concave_hull_mask_image (#2045 ) * [jsk_perception/concave_hull_mask_image] Fixed header * [jsk_perception/concave_hull_mask_image] Fixed consistency of cfg files * [jsk_perception/concave_hull_mask_image] Fixed max area size * [jsk_perception/concave_hull_mask_image] Fixed cfg for limit of contour area size for inf * [jsk_perception/concave_hull_mask_image] Fixed namespace of filter2D * [jsk_perception/concave_hull_mask_image] Fixed include header lists * [jsk_perception/concave_hull_mask_image] Fixed year
[jsk_perception/apply_mask_image] Add negative option (#2025 )
[jsk_perception][detection_interface.l] fix: changing object name affects unexpected side effect (#1974 )
Contributors: Kei Okada, Kentaro Wada, Shingo Kitagawa, Yuki Furuta, Iory Yanokura
Fix for kinetic build (#1943)
Add missing packages(jsk_data, opencv_apps) to find_package (#1984)
Add test & sample
Draw rects on image with PolygonStamped input (#1961)
sample/sample_rect_array_actual_size_filter.launch : Fix typo of sample data path (#1955)
colorize_float_image.cpp : Fill black color to nan region (#1956)
scripts/install_sample_data.py : Fix wrong filename in install_sample_data.py (#1954)
remove depends to driver_base (#1943)
Contributors: Kei Okada, Kentaro Wada
Fix rosdep installation for jsk_perception with pip (#1883 ) * Fix pip installation with libleveldb-dev installation
Publish only masks by split_fore_background.py (#1791 )
Remove extract_images_sync that merged in image_view (#1633 )
Remove not used codes: image_saver_sync, publish_header (#1651 )
- they will be merged in image_view package.
- for https://github.com/jsk-ros-pkg/jsk_recognition/issues/1648#issuecomment-217344813
Contributors: Kei Okada, Kentaro Wada
Stop using deprecated jsk_topic_tools/log_utils.h (#1933)
Fix unparsable nodelet pluginlib xml file (#1929)
libcmt: Node to track object on 2D image: ConsensusTracking (#1918)
Fix for alphabetical order in package.xml (#1908)
apply_context_to_label_probability: Node to apply context to label probability (#1901) * Add sample for apply_context_to_label_probability * Visualize label_names in label_image_decomposer * Use default GPU=0 in sample_fcn_object_segmentation.launch
Because it does not work with GPU=-1, CPU mode.
Stabilize jsk_perception/sklearn_classifier.test (#1877)
Stabilize jsk_perception/bing.test (#1877)
label_image_decomposer.py: Stop using scipy fromimage that is not supported by apt version (#1890)
Make the test pass (#1897) * Stabilize test for label_image_decomposer * Stabilize test for sklearn_classifer * Stabilize test for bof_histogram_extractor * Comment out unstable test on travis
Add quality to heightmap (#1886) * [colorize_float_image] fix document and change parameter name. * [jsk_perception, colorize_float_image] fix to handle multi channel image
fcn_object_segmentation.py: Set bg label for uncertain region of FCN prediction (#1881)
Contributors: Kei Okada, Kentaro Wada, Yohei Kakiuchi, Yuto Inagaki