实例介绍
【实例截图】
【核心代码】
.
├── ros_exploring-master
│ ├── README.md
│ ├── robot_learning
│ │ ├── tensorflow_mnist
│ │ │ ├── CMakeLists.txt
│ │ │ ├── launch
│ │ │ │ └── ros_tensorflow_mnist.launch
│ │ │ ├── model
│ │ │ │ ├── checkpoint
│ │ │ │ ├── model.ckpt
│ │ │ │ ├── model.ckpt.data-00000-of-00001
│ │ │ │ ├── model.ckpt.index
│ │ │ │ └── model.ckpt.meta
│ │ │ ├── note
│ │ │ ├── package.xml
│ │ │ └── scripts
│ │ │ ├── MNIST_data
│ │ │ │ ├── t10k-images-idx3-ubyte.gz
│ │ │ │ ├── t10k-labels-idx1-ubyte.gz
│ │ │ │ ├── train-images-idx3-ubyte.gz
│ │ │ │ └── train-labels-idx1-ubyte.gz
│ │ │ ├── input_data.py
│ │ │ ├── input_data.pyc
│ │ │ ├── ros_tensorflow_mnist.py
│ │ │ ├── ros_tensorflow_mnist_cnn.py
│ │ │ ├── train_cnn.py
│ │ │ └── train_softmax.py
│ │ ├── tensorflow_object_detection
│ │ │ ├── CMakeLists.txt
│ │ │ ├── doc
│ │ │ │ └── image1.png
│ │ │ ├── launch
│ │ │ │ ├── ros_tensorflow_image_recognition.launch
│ │ │ │ └── ros_tensorflow_object_detection.launch
│ │ │ ├── note
│ │ │ ├── object_detection
│ │ │ │ ├── BUILD
│ │ │ │ ├── CONTRIBUTING.md
│ │ │ │ ├── README.md
│ │ │ │ ├── __init__.py
│ │ │ │ ├── __init__.pyc
│ │ │ │ ├── anchor_generators
│ │ │ │ │ ├── BUILD
│ │ │ │ │ ├── __init__.py
│ │ │ │ │ ├── __init__.pyc
│ │ │ │ │ ├── grid_anchor_generator.py
│ │ │ │ │ ├── grid_anchor_generator.pyc
│ │ │ │ │ ├── grid_anchor_generator_test.py
│ │ │ │ │ ├── multiple_grid_anchor_generator.py
│ │ │ │ │ ├── multiple_grid_anchor_generator.pyc
│ │ │ │ │ └── multiple_grid_anchor_generator_test.py
│ │ │ │ ├── box_coders
│ │ │ │ │ ├── BUILD
│ │ │ │ │ ├── __init__.py
│ │ │ │ │ ├── __init__.pyc
│ │ │ │ │ ├── faster_rcnn_box_coder.py
│ │ │ │ │ ├── faster_rcnn_box_coder.pyc
│ │ │ │ │ ├── faster_rcnn_box_coder_test.py
│ │ │ │ │ ├── keypoint_box_coder.py
│ │ │ │ │ ├── keypoint_box_coder_test.py
│ │ │ │ │ ├── mean_stddev_box_coder.py
│ │ │ │ │ ├── mean_stddev_box_coder.pyc
│ │ │ │ │ ├── mean_stddev_box_coder_test.py
│ │ │ │ │ ├── square_box_coder.py
│ │ │ │ │ ├── square_box_coder.pyc
│ │ │ │ │ └── square_box_coder_test.py
│ │ │ │ ├── builders
│ │ │ │ │ ├── BUILD
│ │ │ │ │ ├── __init__.py
│ │ │ │ │ ├── __init__.pyc
│ │ │ │ │ ├── anchor_generator_builder.py
│ │ │ │ │ ├── anchor_generator_builder.pyc
│ │ │ │ │ ├── anchor_generator_builder_test.py
│ │ │ │ │ ├── box_coder_builder.py
│ │ │ │ │ ├── box_coder_builder.pyc
│ │ │ │ │ ├── box_coder_builder_test.py
│ │ │ │ │ ├── box_predictor_builder.py
│ │ │ │ │ ├── box_predictor_builder.pyc
│ │ │ │ │ ├── box_predictor_builder_test.py
│ │ │ │ │ ├── hyperparams_builder.py
│ │ │ │ │ ├── hyperparams_builder.pyc
│ │ │ │ │ ├── hyperparams_builder_test.py
│ │ │ │ │ ├── image_resizer_builder.py
│ │ │ │ │ ├── image_resizer_builder.pyc
│ │ │ │ │ ├── image_resizer_builder_test.py
│ │ │ │ │ ├── input_reader_builder.py
│ │ │ │ │ ├── input_reader_builder_test.py
│ │ │ │ │ ├── losses_builder.py
│ │ │ │ │ ├── losses_builder.pyc
│ │ │ │ │ ├── losses_builder_test.py
│ │ │ │ │ ├── matcher_builder.py
│ │ │ │ │ ├── matcher_builder.pyc
│ │ │ │ │ ├── matcher_builder_test.py
│ │ │ │ │ ├── model_builder.py
│ │ │ │ │ ├── model_builder.pyc
│ │ │ │ │ ├── model_builder_test.py
│ │ │ │ │ ├── optimizer_builder.py
│ │ │ │ │ ├── optimizer_builder_test.py
│ │ │ │ │ ├── post_processing_builder.py
│ │ │ │ │ ├── post_processing_builder.pyc
│ │ │ │ │ ├── post_processing_builder_test.py
│ │ │ │ │ ├── preprocessor_builder.py
│ │ │ │ │ ├── preprocessor_builder_test.py
│ │ │ │ │ ├── region_similarity_calculator_builder.py
│ │ │ │ │ ├── region_similarity_calculator_builder.pyc
│ │ │ │ │ └── region_similarity_calculator_builder_test.py
│ │ │ │ ├── core
│ │ │ │ │ ├── BUILD
│ │ │ │ │ ├── __init__.py
│ │ │ │ │ ├── __init__.pyc
│ │ │ │ │ ├── anchor_generator.py
│ │ │ │ │ ├── anchor_generator.pyc
│ │ │ │ │ ├── balanced_positive_negative_sampler.py
│ │ │ │ │ ├── balanced_positive_negative_sampler.pyc
│ │ │ │ │ ├── balanced_positive_negative_sampler_test.py
│ │ │ │ │ ├── batcher.py
│ │ │ │ │ ├── batcher_test.py
│ │ │ │ │ ├── box_coder.py
│ │ │ │ │ ├── box_coder.pyc
│ │ │ │ │ ├── box_coder_test.py
│ │ │ │ │ ├── box_list.py
│ │ │ │ │ ├── box_list.pyc
│ │ │ │ │ ├── box_list_ops.py
│ │ │ │ │ ├── box_list_ops.pyc
│ │ │ │ │ ├── box_list_ops_test.py
│ │ │ │ │ ├── box_list_test.py
│ │ │ │ │ ├── box_predictor.py
│ │ │ │ │ ├── box_predictor.pyc
│ │ │ │ │ ├── box_predictor_test.py
│ │ │ │ │ ├── data_decoder.py
│ │ │ │ │ ├── keypoint_ops.py
│ │ │ │ │ ├── keypoint_ops.pyc
│ │ │ │ │ ├── keypoint_ops_test.py
│ │ │ │ │ ├── losses.py
│ │ │ │ │ ├── losses.pyc
│ │ │ │ │ ├── losses_test.py
│ │ │ │ │ ├── matcher.py
│ │ │ │ │ ├── matcher.pyc
│ │ │ │ │ ├── matcher_test.py
│ │ │ │ │ ├── minibatch_sampler.py
│ │ │ │ │ ├── minibatch_sampler.pyc
│ │ │ │ │ ├── minibatch_sampler_test.py
│ │ │ │ │ ├── model.py
│ │ │ │ │ ├── model.pyc
│ │ │ │ │ ├── post_processing.py
│ │ │ │ │ ├── post_processing.pyc
│ │ │ │ │ ├── post_processing_test.py
│ │ │ │ │ ├── prefetcher.py
│ │ │ │ │ ├── prefetcher_test.py
│ │ │ │ │ ├── preprocessor.py
│ │ │ │ │ ├── preprocessor.pyc
│ │ │ │ │ ├── preprocessor_test.py
│ │ │ │ │ ├── region_similarity_calculator.py
│ │ │ │ │ ├── region_similarity_calculator.pyc
│ │ │ │ │ ├── region_similarity_calculator_test.py
│ │ │ │ │ ├── standard_fields.py
│ │ │ │ │ ├── standard_fields.pyc
│ │ │ │ │ ├── target_assigner.py
│ │ │ │ │ ├── target_assigner.pyc
│ │ │ │ │ └── target_assigner_test.py
│ │ │ │ ├── create_pascal_tf_record.py
│ │ │ │ ├── create_pascal_tf_record_test.py
│ │ │ │ ├── create_pet_tf_record.py
│ │ │ │ ├── data
│ │ │ │ │ ├── mscoco_label_map.pbtxt
│ │ │ │ │ ├── pascal_label_map.pbtxt
│ │ │ │ │ └── pet_label_map.pbtxt
│ │ │ │ ├── data_decoders
│ │ │ │ │ ├── BUILD
│ │ │ │ │ ├── __init__.py
│ │ │ │ │ ├── tf_example_decoder.py
│ │ │ │ │ └── tf_example_decoder_test.py
│ │ │ │ ├── eval.py
│ │ │ │ ├── eval_util.py
│ │ │ │ ├── evaluator.py
│ │ │ │ ├── export_inference_graph.py
│ │ │ │ ├── exporter.py
│ │ │ │ ├── exporter_test.py
│ │ │ │ ├── g3doc
│ │ │ │ │ ├── configuring_jobs.md
│ │ │ │ │ ├── defining_your_own_model.md
│ │ │ │ │ ├── detection_model_zoo.md
│ │ │ │ │ ├── exporting_models.md
│ │ │ │ │ ├── img
│ │ │ │ │ │ ├── dogs_detections_output.jpg
│ │ │ │ │ │ ├── example_cat.jpg
│ │ │ │ │ │ ├── kites_detections_output.jpg
│ │ │ │ │ │ ├── oxford_pet.png
│ │ │ │ │ │ ├── tensorboard.png
│ │ │ │ │ │ └── tensorboard2.png
│ │ │ │ │ ├── installation.md
│ │ │ │ │ ├── preparing_inputs.md
│ │ │ │ │ ├── running_locally.md
│ │ │ │ │ ├── running_notebook.md
│ │ │ │ │ ├── running_on_cloud.md
│ │ │ │ │ ├── running_pets.md
│ │ │ │ │ └── using_your_own_dataset.md
│ │ │ │ ├── matchers
│ │ │ │ │ ├── BUILD
│ │ │ │ │ ├── __init__.py
│ │ │ │ │ ├── __init__.pyc
│ │ │ │ │ ├── argmax_matcher.py
│ │ │ │ │ ├── argmax_matcher.pyc
│ │ │ │ │ ├── argmax_matcher_test.py
│ │ │ │ │ ├── bipartite_matcher.py
│ │ │ │ │ ├── bipartite_matcher.pyc
│ │ │ │ │ └── bipartite_matcher_test.py
│ │ │ │ ├── meta_architectures
│ │ │ │ │ ├── BUILD
│ │ │ │ │ ├── __init__.py
│ │ │ │ │ ├── __init__.pyc
│ │ │ │ │ ├── faster_rcnn_meta_arch.py
│ │ │ │ │ ├── faster_rcnn_meta_arch.pyc
│ │ │ │ │ ├── faster_rcnn_meta_arch_test.py
│ │ │ │ │ ├── faster_rcnn_meta_arch_test_lib.py
│ │ │ │ │ ├── rfcn_meta_arch.py
│ │ │ │ │ ├── rfcn_meta_arch.pyc
│ │ │ │ │ ├── rfcn_meta_arch_test.py
│ │ │ │ │ ├── ssd_meta_arch.py
│ │ │ │ │ ├── ssd_meta_arch.pyc
│ │ │ │ │ └── ssd_meta_arch_test.py
│ │ │ │ ├── models
│ │ │ │ │ ├── BUILD
│ │ │ │ │ ├── __init__.py
│ │ │ │ │ ├── __init__.pyc
│ │ │ │ │ ├── faster_rcnn_inception_resnet_v2_feature_extractor.py
│ │ │ │ │ ├── faster_rcnn_inception_resnet_v2_feature_extractor.pyc
│ │ │ │ │ ├── faster_rcnn_inception_resnet_v2_feature_extractor_test.py
│ │ │ │ │ ├── faster_rcnn_resnet_v1_feature_extractor.py
│ │ │ │ │ ├── faster_rcnn_resnet_v1_feature_extractor.pyc
│ │ │ │ │ ├── faster_rcnn_resnet_v1_feature_extractor_test.py
│ │ │ │ │ ├── feature_map_generators.py
│ │ │ │ │ ├── feature_map_generators.pyc
│ │ │ │ │ ├── feature_map_generators_test.py
│ │ │ │ │ ├── ssd_feature_extractor_test.py
│ │ │ │ │ ├── ssd_inception_v2_feature_extractor.py
│ │ │ │ │ ├── ssd_inception_v2_feature_extractor.pyc
│ │ │ │ │ ├── ssd_inception_v2_feature_extractor_test.py
│ │ │ │ │ ├── ssd_mobilenet_v1_feature_extractor.py
│ │ │ │ │ ├── ssd_mobilenet_v1_feature_extractor.pyc
│ │ │ │ │ └── ssd_mobilenet_v1_feature_extractor_test.py
│ │ │ │ ├── object_detection_tutorial.ipynb
│ │ │ │ ├── protos
│ │ │ │ │ ├── BUILD
│ │ │ │ │ ├── __init__.py
│ │ │ │ │ ├── __init__.pyc
│ │ │ │ │ ├── anchor_generator.proto
│ │ │ │ │ ├── anchor_generator_pb2.py
│ │ │ │ │ ├── anchor_generator_pb2.pyc
│ │ │ │ │ ├── argmax_matcher.proto
│ │ │ │ │ ├── argmax_matcher_pb2.py
│ │ │ │ │ ├── argmax_matcher_pb2.pyc
│ │ │ │ │ ├── bipartite_matcher.proto
│ │ │ │ │ ├── bipartite_matcher_pb2.py
│ │ │ │ │ ├── bipartite_matcher_pb2.pyc
│ │ │ │ │ ├── box_coder.proto
│ │ │ │ │ ├── box_coder_pb2.py
│ │ │ │ │ ├── box_coder_pb2.pyc
│ │ │ │ │ ├── box_predictor.proto
│ │ │ │ │ ├── box_predictor_pb2.py
│ │ │ │ │ ├── box_predictor_pb2.pyc
│ │ │ │ │ ├── eval.proto
│ │ │ │ │ ├── eval_pb2.py
│ │ │ │ │ ├── faster_rcnn.proto
│ │ │ │ │ ├── faster_rcnn_box_coder.proto
│ │ │ │ │ ├── faster_rcnn_box_coder_pb2.py
│ │ │ │ │ ├── faster_rcnn_box_coder_pb2.pyc
│ │ │ │ │ ├── faster_rcnn_pb2.py
│ │ │ │ │ ├── faster_rcnn_pb2.pyc
│ │ │ │ │ ├── grid_anchor_generator.proto
│ │ │ │ │ ├── grid_anchor_generator_pb2.py
│ │ │ │ │ ├── grid_anchor_generator_pb2.pyc
│ │ │ │ │ ├── hyperparams.proto
│ │ │ │ │ ├── hyperparams_pb2.py
│ │ │ │ │ ├── hyperparams_pb2.pyc
│ │ │ │ │ ├── image_resizer.proto
│ │ │ │ │ ├── image_resizer_pb2.py
│ │ │ │ │ ├── image_resizer_pb2.pyc
│ │ │ │ │ ├── input_reader.proto
│ │ │ │ │ ├── input_reader_pb2.py
│ │ │ │ │ ├── losses.proto
│ │ │ │ │ ├── losses_pb2.py
│ │ │ │ │ ├── losses_pb2.pyc
│ │ │ │ │ ├── matcher.proto
│ │ │ │ │ ├── matcher_pb2.py
│ │ │ │ │ ├── matcher_pb2.pyc
│ │ │ │ │ ├── mean_stddev_box_coder.proto
│ │ │ │ │ ├── mean_stddev_box_coder_pb2.py
│ │ │ │ │ ├── mean_stddev_box_coder_pb2.pyc
│ │ │ │ │ ├── model.proto
│ │ │ │ │ ├── model_pb2.py
│ │ │ │ │ ├── model_pb2.pyc
│ │ │ │ │ ├── optimizer.proto
│ │ │ │ │ ├── optimizer_pb2.py
│ │ │ │ │ ├── pipeline.proto
│ │ │ │ │ ├── pipeline_pb2.py
│ │ │ │ │ ├── post_processing.proto
│ │ │ │ │ ├── post_processing_pb2.py
│ │ │ │ │ ├── post_processing_pb2.pyc
│ │ │ │ │ ├── preprocessor.proto
│ │ │ │ │ ├── preprocessor_pb2.py
│ │ │ │ │ ├── region_similarity_calculator.proto
│ │ │ │ │ ├── region_similarity_calculator_pb2.py
│ │ │ │ │ ├── region_similarity_calculator_pb2.pyc
│ │ │ │ │ ├── square_box_coder.proto
│ │ │ │ │ ├── square_box_coder_pb2.py
│ │ │ │ │ ├── square_box_coder_pb2.pyc
│ │ │ │ │ ├── ssd.proto
│ │ │ │ │ ├── ssd_anchor_generator.proto
│ │ │ │ │ ├── ssd_anchor_generator_pb2.py
│ │ │ │ │ ├── ssd_anchor_generator_pb2.pyc
│ │ │ │ │ ├── ssd_pb2.py
│ │ │ │ │ ├── ssd_pb2.pyc
│ │ │ │ │ ├── string_int_label_map.proto
│ │ │ │ │ ├── string_int_label_map_pb2.py
│ │ │ │ │ ├── string_int_label_map_pb2.pyc
│ │ │ │ │ ├── train.proto
│ │ │ │ │ └── train_pb2.py
│ │ │ │ ├── samples
│ │ │ │ │ ├── cloud
│ │ │ │ │ │ └── cloud.yml
│ │ │ │ │ └── configs
│ │ │ │ │ ├── faster_rcnn_inception_resnet_v2_atrous_pets.config
│ │ │ │ │ ├── faster_rcnn_resnet101_pets.config
│ │ │ │ │ ├── faster_rcnn_resnet101_voc07.config
│ │ │ │ │ ├── faster_rcnn_resnet152_pets.config
│ │ │ │ │ ├── faster_rcnn_resnet50_pets.config
│ │ │ │ │ ├── rfcn_resnet101_pets.config
│ │ │ │ │ ├── ssd_inception_v2_pets.config
│ │ │ │ │ └── ssd_mobilenet_v1_pets.config
│ │ │ │ ├── test_images
│ │ │ │ │ ├── image1.jpg
│ │ │ │ │ ├── image2.jpg
│ │ │ │ │ └── image_info.txt
│ │ │ │ ├── train.py
│ │ │ │ ├── trainer.py
│ │ │ │ ├── trainer_test.py
│ │ │ │ └── utils
│ │ │ │ ├── BUILD
│ │ │ │ ├── __init__.py
│ │ │ │ ├── __init__.pyc
│ │ │ │ ├── category_util.py
│ │ │ │ ├── category_util_test.py
│ │ │ │ ├── dataset_util.py
│ │ │ │ ├── dataset_util_test.py
│ │ │ │ ├── label_map_util.py
│ │ │ │ ├── label_map_util.pyc
│ │ │ │ ├── label_map_util_test.py
│ │ │ │ ├── learning_schedules.py
│ │ │ │ ├── learning_schedules_test.py
│ │ │ │ ├── metrics.py
│ │ │ │ ├── metrics_test.py
│ │ │ │ ├── np_box_list.py
│ │ │ │ ├── np_box_list_ops.py
│ │ │ │ ├── np_box_list_ops_test.py
│ │ │ │ ├── np_box_list_test.py
│ │ │ │ ├── np_box_ops.py
│ │ │ │ ├── np_box_ops_test.py
│ │ │ │ ├── object_detection_evaluation.py
│ │ │ │ ├── object_detection_evaluation_test.py
│ │ │ │ ├── ops.py
│ │ │ │ ├── ops.pyc
│ │ │ │ ├── ops_test.py
│ │ │ │ ├── per_image_evaluation.py
│ │ │ │ ├── per_image_evaluation_test.py
│ │ │ │ ├── shape_utils.py
│ │ │ │ ├── shape_utils.pyc
│ │ │ │ ├── shape_utils_test.py
│ │ │ │ ├── static_shape.py
│ │ │ │ ├── static_shape.pyc
│ │ │ │ ├── static_shape_test.py
│ │ │ │ ├── test_utils.py
│ │ │ │ ├── test_utils_test.py
│ │ │ │ ├── variables_helper.py
│ │ │ │ ├── variables_helper_test.py
│ │ │ │ ├── visualization_utils.py
│ │ │ │ ├── visualization_utils.pyc
│ │ │ │ └── visualization_utils_test.py
│ │ │ ├── package.xml
│ │ │ └── scripts
│ │ │ ├── classify_image.py
│ │ │ ├── ros_tensorflow_image_recognition.py
│ │ │ └── ros_tensorflow_object_detection.py
│ │ └── tensorflow_scripts
│ │ ├── first_tensorflow_code.py
│ │ ├── first_tensorflow_code_pro.py
│ │ ├── linear_regression.py
│ │ └── linear_regression_data.py
│ ├── robot_marm
│ │ ├── marm_description
│ │ │ ├── CMakeLists.txt
│ │ │ ├── config
│ │ │ │ └── arm.yaml
│ │ │ ├── launch
│ │ │ │ ├── fake_arm.launch
│ │ │ │ └── view_arm.launch
│ │ │ ├── package.xml
│ │ │ ├── urdf
│ │ │ │ └── arm.xacro
│ │ │ └── urdf.rviz
│ │ ├── marm_gazebo
│ │ │ ├── CMakeLists.txt
│ │ │ ├── config
│ │ │ │ ├── arm_gazebo_control.yaml
│ │ │ │ ├── arm_gazebo_joint_states.yaml
│ │ │ │ └── trajectory_control.yaml
│ │ │ ├── launch
│ │ │ │ ├── arm_bringup_moveit.launch
│ │ │ │ ├── arm_gazebo_control.launch
│ │ │ │ ├── arm_gazebo_controller.launch
│ │ │ │ ├── arm_gazebo_states.launch
│ │ │ │ ├── arm_trajectory_controller.launch
│ │ │ │ └── arm_world.launch
│ │ │ └── package.xml
│ │ ├── marm_moveit_config
│ │ │ ├── CMakeLists.txt
│ │ │ ├── config
│ │ │ │ ├── arm.srdf
│ │ │ │ ├── controllers.yaml
│ │ │ │ ├── controllers_gazebo.yaml
│ │ │ │ ├── fake_controllers.yaml
│ │ │ │ ├── joint_limits.yaml
│ │ │ │ ├── kinematics.yaml
│ │ │ │ └── ompl_planning.yaml
│ │ │ ├── launch
│ │ │ │ ├── arm_moveit_controller_manager.launch.xml
│ │ │ │ ├── arm_moveit_sensor_manager.launch.xml
│ │ │ │ ├── default_warehouse_db.launch
│ │ │ │ ├── demo.launch
│ │ │ │ ├── fake_moveit_controller_manager.launch.xml
│ │ │ │ ├── joystick_control.launch
│ │ │ │ ├── move_group.launch
│ │ │ │ ├── moveit.rviz
│ │ │ │ ├── moveit_planning_execution.launch
│ │ │ │ ├── moveit_rviz.launch
│ │ │ │ ├── ompl_planning_pipeline.launch.xml
│ │ │ │ ├── planning_context.launch
│ │ │ │ ├── planning_pipeline.launch.xml
│ │ │ │ ├── run_benchmark_ompl.launch
│ │ │ │ ├── sensor_manager.launch.xml
│ │ │ │ ├── setup_assistant.launch
│ │ │ │ ├── trajectory_execution.launch.xml
│ │ │ │ ├── warehouse.launch
│ │ │ │ └── warehouse_settings.launch.xml
│ │ │ └── package.xml
│ │ └── marm_planning
│ │ ├── CMakeLists.txt
│ │ ├── config
│ │ │ ├── arm_paths.rviz
│ │ │ └── pick_and_place.rviz
│ │ ├── launch
│ │ │ ├── arm_planning.launch
│ │ │ └── arm_planning_with_trail.launch
│ │ ├── package.xml
│ │ ├── scripts
│ │ │ ├── moveit_cartesian_demo.py
│ │ │ ├── moveit_fk_demo.py
│ │ │ ├── moveit_ik_demo.py
│ │ │ ├── moveit_obstacles_demo.py
│ │ │ ├── moveit_pick_and_place_demo.py
│ │ │ └── trajectory_demo.py
│ │ └── src
│ │ ├── add_collision_objct.cpp
│ │ ├── check_collision.cpp
│ │ ├── remove_collision_objct.cpp
│ │ ├── test_cartesian_path.cpp
│ │ ├── test_custom.cpp
│ │ └── test_random.cpp
│ ├── robot_mrobot
│ │ ├── mrobot_bringup
│ │ │ ├── CMakeLists.txt
│ │ │ ├── config
│ │ │ │ └── fake_mrobot_arbotix.yaml
│ │ │ ├── include
│ │ │ │ └── mrobot_bringup
│ │ │ │ └── mrobot.h
│ │ │ ├── launch
│ │ │ │ ├── fake_laser_freenect.launch
│ │ │ │ ├── fake_mrobot_with_kinect.launch
│ │ │ │ ├── fake_mrobot_with_laser.launch
│ │ │ │ ├── freenect.launch
│ │ │ │ ├── mrobot.launch
│ │ │ │ ├── mrobot_with_camera.launch
│ │ │ │ ├── mrobot_with_kinect.launch
│ │ │ │ ├── mrobot_with_laser.launch
│ │ │ │ ├── rplidar.launch
│ │ │ │ └── usb_cam.launch
│ │ │ ├── package.xml
│ │ │ ├── scripts
│ │ │ │ ├── calibrate_angular.py
│ │ │ │ ├── calibrate_linear.py
│ │ │ │ ├── move_base_square.py
│ │ │ │ ├── nav_square.py
│ │ │ │ ├── odom_ekf.py
│ │ │ │ ├── odom_out_and_back.py
│ │ │ │ └── timed_out_and_back.py
│ │ │ └── src
│ │ │ ├── mrobot.cpp
│ │ │ └── mrobot_bringup.cpp
│ │ ├── mrobot_description
│ │ │ ├── CMakeLists.txt
│ │ │ ├── config
│ │ │ │ ├── fake_mrobot_arbotix.yaml
│ │ │ │ ├── mrobot.rviz
│ │ │ │ ├── mrobot_arbotix.rviz
│ │ │ │ └── mrobot_urdf.rviz
│ │ │ ├── launch
│ │ │ │ ├── arbotix_mrobot_with_camera.launch
│ │ │ │ ├── arbotix_mrobot_with_kinect.launch
│ │ │ │ ├── arbotix_mrobot_with_laser.launch
│ │ │ │ ├── display_mrobot.launch
│ │ │ │ ├── display_mrobot_chassis_urdf.launch
│ │ │ │ ├── display_mrobot_with_camera.launch
│ │ │ │ ├── display_mrobot_with_kinect.launch
│ │ │ │ └── display_mrobot_with_laser.launch
│ │ │ ├── meshes
│ │ │ │ ├── kinect.dae
│ │ │ │ ├── kinect.jpg
│ │ │ │ └── kinect.tga
│ │ │ ├── package.xml
│ │ │ └── urdf
│ │ │ ├── camera.xacro
│ │ │ ├── kinect.xacro
│ │ │ ├── mrobot.urdf.xacro
│ │ │ ├── mrobot_body.urdf.xacro
│ │ │ ├── mrobot_chassis.pdf
│ │ │ ├── mrobot_chassis.urdf
│ │ │ ├── mrobot_with_camera.urdf.xacro
│ │ │ ├── mrobot_with_kinect.urdf.xacro
│ │ │ ├── mrobot_with_rplidar.urdf.xacro
│ │ │ └── rplidar.xacro
│ │ ├── mrobot_gazebo
│ │ │ ├── CMakeLists.txt
│ │ │ ├── launch
│ │ │ │ ├── mrobot_kinect_nav_gazebo.launch
│ │ │ │ ├── mrobot_laser_nav_gazebo.launch
│ │ │ │ ├── view_mrobot_gazebo.launch
│ │ │ │ ├── view_mrobot_with_camera_gazebo.launch
│ │ │ │ ├── view_mrobot_with_kinect_gazebo.launch
│ │ │ │ └── view_mrobot_with_laser_gazebo.launch
│ │ │ ├── package.xml
│ │ │ ├── urdf
│ │ │ │ ├── camera.xacro
│ │ │ │ ├── kinect.xacro
│ │ │ │ ├── mrobot.urdf.xacro
│ │ │ │ ├── mrobot_body.urdf.xacro
│ │ │ │ ├── mrobot_with_camera.urdf.xacro
│ │ │ │ ├── mrobot_with_kinect.urdf.xacro
│ │ │ │ ├── mrobot_with_rplidar.urdf.xacro
│ │ │ │ └── rplidar.xacro
│ │ │ └── worlds
│ │ │ ├── cloister.world
│ │ │ ├── playground.world
│ │ │ ├── playpen.world
│ │ │ └── room.world
│ │ ├── mrobot_navigation
│ │ │ ├── CMakeLists.txt
│ │ │ ├── config
│ │ │ │ ├── fake
│ │ │ │ │ ├── base_local_planner_params.yaml
│ │ │ │ │ ├── costmap_common_params.yaml
│ │ │ │ │ ├── global_costmap_params.yaml
│ │ │ │ │ └── local_costmap_params.yaml
│ │ │ │ ├── mrobot
│ │ │ │ │ ├── base_local_planner_params.yaml
│ │ │ │ │ ├── costmap_common_params.yaml
│ │ │ │ │ ├── global_costmap_params.yaml
│ │ │ │ │ └── local_costmap_params.yaml
│ │ │ │ └── rplidar.lua
│ │ │ ├── launch
│ │ │ │ ├── amcl.launch
│ │ │ │ ├── cartographer_demo_rplidar.launch
│ │ │ │ ├── exploring_slam_demo.launch
│ │ │ │ ├── fake_move_base.launch
│ │ │ │ ├── fake_nav_cloister_demo.launch
│ │ │ │ ├── fake_nav_demo.launch
│ │ │ │ ├── gmapping.launch
│ │ │ │ ├── gmapping_demo.launch
│ │ │ │ ├── hector.launch
│ │ │ │ ├── hector_demo.launch
│ │ │ │ ├── move_base.launch
│ │ │ │ └── nav_demo.launch
│ │ │ ├── maps
│ │ │ │ ├── blank_map.pgm
│ │ │ │ ├── blank_map.yaml
│ │ │ │ ├── blank_map_with_obstacle.pgm
│ │ │ │ ├── blank_map_with_obstacle.yaml
│ │ │ │ ├── cloister_gmapping.pgm
│ │ │ │ ├── cloister_gmapping.yaml
│ │ │ │ ├── cloister_hector.pgm
│ │ │ │ ├── cloister_hector.yaml
│ │ │ │ ├── gmapping_map.pgm
│ │ │ │ ├── gmapping_map.yaml
│ │ │ │ ├── hector_map.pgm
│ │ │ │ ├── hector_map.yaml
│ │ │ │ ├── room.pgm
│ │ │ │ ├── room.yaml
│ │ │ │ ├── test_map.pgm
│ │ │ │ └── test_map.yaml
│ │ │ ├── package.xml
│ │ │ ├── rviz
│ │ │ │ ├── amcl.rviz
│ │ │ │ ├── demo_2d.rviz
│ │ │ │ ├── gmapping.rviz
│ │ │ │ └── nav.rviz
│ │ │ └── scripts
│ │ │ ├── exploring_slam.py
│ │ │ └── random_navigation.py
│ │ └── mrobot_teleop
│ │ ├── CMakeLists.txt
│ │ ├── launch
│ │ │ ├── logitech.launch
│ │ │ └── mrobot_teleop.launch
│ │ ├── package.xml
│ │ └── scripts
│ │ └── mrobot_teleop.py
│ ├── robot_perception
│ │ ├── ork_tutorials
│ │ │ ├── CMakeLists.txt
│ │ │ ├── data
│ │ │ │ ├── aluminum.jpg
│ │ │ │ ├── bottle_blend_6k.stl
│ │ │ │ ├── can_ring_pull_end_centre.png
│ │ │ │ ├── coke.blend
│ │ │ │ ├── coke.mtl
│ │ │ │ ├── coke.obj
│ │ │ │ ├── coke.obj.mtl
│ │ │ │ ├── coke.stl
│ │ │ │ └── coke_uv_map.jpg
│ │ │ ├── doc
│ │ │ │ └── source
│ │ │ │ ├── conf.py
│ │ │ │ ├── index.rst
│ │ │ │ ├── tutorial01
│ │ │ │ │ ├── blender_coke_bottle_pos.png
│ │ │ │ │ ├── db_screenshot01.png
│ │ │ │ │ ├── db_screenshot02.png
│ │ │ │ │ ├── db_screenshot03.png
│ │ │ │ │ └── tutorial.rst
│ │ │ │ ├── tutorial02
│ │ │ │ │ ├── orkCoke.png
│ │ │ │ │ ├── orktables.png
│ │ │ │ │ └── tutorial.rst
│ │ │ │ └── tutorial03
│ │ │ │ ├── Screenshot_2014_11_07_13_24_46.png
│ │ │ │ ├── Screenshot_pc_model.png
│ │ │ │ ├── Screenshot_pc_ref.png
│ │ │ │ └── tutorial.rst
│ │ │ └── package.xml
│ │ ├── pocketsphinx
│ │ │ ├── CHANGELOG.rst
│ │ │ ├── CMakeLists.txt
│ │ │ ├── README.md
│ │ │ ├── demo
│ │ │ │ ├── robocup.corpus
│ │ │ │ ├── robocup.dic
│ │ │ │ ├── robocup.launch
│ │ │ │ ├── robocup.lm
│ │ │ │ ├── robocup_r1.launch
│ │ │ │ ├── robocup_r2.launch
│ │ │ │ ├── turtlebot_voice_cmd.launch
│ │ │ │ ├── voice_cmd.corpus
│ │ │ │ ├── voice_cmd.dic
│ │ │ │ ├── voice_cmd.launch
│ │ │ │ └── voice_cmd.lm
│ │ │ ├── lib
│ │ │ │ ├── gstreamer0.10-pocketsphinx_0.8-5_amd64.deb
│ │ │ │ ├── libgstreamer-plugins-base0.10-0_0.10.36-2ubuntu0.1_amd64.deb
│ │ │ │ ├── libpocketsphinx1_0.8-5_amd64.deb
│ │ │ │ └── libsphinxbase1_0.8-6_amd64.deb
│ │ │ ├── nodes
│ │ │ │ ├── recognizer.py
│ │ │ │ └── voice_cmd_vel.py
│ │ │ └── package.xml
│ │ ├── robot_vision
│ │ │ ├── CMakeLists.txt
│ │ │ ├── camera_calibration.yaml
│ │ │ ├── config
│ │ │ │ ├── ar_track_camera.rviz
│ │ │ │ ├── ar_track_kinect.rviz
│ │ │ │ └── ork.rviz
│ │ │ ├── data
│ │ │ │ └── haar_detectors
│ │ │ │ ├── haarcascade_frontalface_alt.xml
│ │ │ │ └── haarcascade_profileface.xml
│ │ │ ├── doc
│ │ │ │ ├── MarkerData_0.png
│ │ │ │ ├── checkerboard.pdf
│ │ │ │ ├── markers0to8.png
│ │ │ │ └── markers9to17.png
│ │ │ ├── kinect_depth_calibration.yaml
│ │ │ ├── kinect_rgb_calibration.yaml
│ │ │ ├── launch
│ │ │ │ ├── ar_track_camera.launch
│ │ │ │ ├── ar_track_follower.launch
│ │ │ │ ├── ar_track_kinect.launch
│ │ │ │ ├── face_detector.launch
│ │ │ │ ├── freenect.launch
│ │ │ │ ├── freenect_with_calibration.launch
│ │ │ │ ├── motion_detector.launch
│ │ │ │ ├── ork_rviz.launch
│ │ │ │ ├── usb_cam.launch
│ │ │ │ ├── usb_cam_remap.launch
│ │ │ │ ├── usb_cam_with_calibration.launch
│ │ │ │ └── uvc_camera_with_calibration.launch
│ │ │ ├── note
│ │ │ ├── package.xml
│ │ │ └── scripts
│ │ │ ├── ar_follower.py
│ │ │ ├── cv_bridge_test.py
│ │ │ ├── face_detector.py
│ │ │ └── motion_detector.py
│ │ └── robot_voice
│ │ ├── CMakeLists.txt
│ │ ├── config
│ │ │ ├── chat.dic
│ │ │ ├── chat.lm
│ │ │ ├── chat.log_pronounce
│ │ │ ├── chat.sent
│ │ │ ├── chat.txt
│ │ │ ├── chat.vocab
│ │ │ ├── commands.dic
│ │ │ ├── commands.lm
│ │ │ ├── commands.log_pronounce
│ │ │ ├── commands.sent
│ │ │ ├── commands.txt
│ │ │ ├── commands.vocab
│ │ │ ├── pocketsphinx-cn
│ │ │ │ └── model
│ │ │ │ ├── hmm
│ │ │ │ │ └── zh
│ │ │ │ │ └── tdt_sc_8k
│ │ │ │ │ ├── feat.params
│ │ │ │ │ ├── mdef
│ │ │ │ │ ├── means
│ │ │ │ │ ├── noisedict
│ │ │ │ │ ├── sendump
│ │ │ │ │ ├── transition_matrices
│ │ │ │ │ └── variances
│ │ │ │ └── lm
│ │ │ │ └── zh_CN
│ │ │ │ ├── gigatdt.5000.DMP
│ │ │ │ └── mandarin_notone.dic
│ │ │ └── pocketsphinx-en
│ │ │ └── model
│ │ │ ├── hmm
│ │ │ │ └── en
│ │ │ │ ├── cmusphinx-en-us-8khz-5.2
│ │ │ │ │ ├── README
│ │ │ │ │ ├── feat.params
│ │ │ │ │ ├── feature_transform
│ │ │ │ │ ├── mdef
│ │ │ │ │ ├── means
│ │ │ │ │ ├── mixture_weights
│ │ │ │ │ ├── noisedict
│ │ │ │ │ ├── transition_matrices
│ │ │ │ │ └── variances
│ │ │ │ ├── hub4wsj_sc_8k
│ │ │ │ │ ├── feat.params
│ │ │ │ │ ├── mdef
│ │ │ │ │ ├── means
│ │ │ │ │ ├── noisedict
│ │ │ │ │ ├── sendump
│ │ │ │ │ ├── transition_matrices
│ │ │ │ │ └── variances
│ │ │ │ └── tidigits
│ │ │ │ ├── feat.params
│ │ │ │ ├── mdef
│ │ │ │ ├── means
│ │ │ │ ├── sendump
│ │ │ │ ├── transition_matrices
│ │ │ │ └── variances
│ │ │ └── lm
│ │ │ └── en
│ │ │ ├── tidigits.DMP
│ │ │ ├── tidigits.dic
│ │ │ └── tidigits.fsg
│ │ ├── data
│ │ │ ├── ai.aiml
│ │ │ ├── alice.aiml
│ │ │ ├── astrology.aiml
│ │ │ ├── atomic.aiml
│ │ │ ├── badanswer.aiml
│ │ │ ├── biography.aiml
│ │ │ ├── bot.aiml
│ │ │ ├── bot_profile.aiml
│ │ │ ├── client.aiml
│ │ │ ├── client_profile.aiml
│ │ │ ├── computers.aiml
│ │ │ ├── continuation.aiml
│ │ │ ├── date.aiml
│ │ │ ├── default.aiml
│ │ │ ├── drugs.aiml
│ │ │ ├── emotion.aiml
│ │ │ ├── food.aiml
│ │ │ ├── geography.aiml
│ │ │ ├── gossip.aiml
│ │ │ ├── history.aiml
│ │ │ ├── humor.aiml
│ │ │ ├── imponderables.aiml
│ │ │ ├── inquiry.aiml
│ │ │ ├── interjection.aiml
│ │ │ ├── iu.aiml
│ │ │ ├── junktest.text
│ │ │ ├── knowledge.aiml
│ │ │ ├── literature.aiml
│ │ │ ├── loebner10.aiml
│ │ │ ├── money.aiml
│ │ │ ├── movies.aiml
│ │ │ ├── mp0.aiml
│ │ │ ├── mp1.aiml
│ │ │ ├── mp2.aiml
│ │ │ ├── mp3.aiml
│ │ │ ├── mp4.aiml
│ │ │ ├── mp5.aiml
│ │ │ ├── mp6.aiml
│ │ │ ├── music.aiml
│ │ │ ├── numbers.aiml
│ │ │ ├── personality.aiml
│ │ │ ├── phone.aiml
│ │ │ ├── pickup.aiml
│ │ │ ├── politics.aiml
│ │ │ ├── primeminister.aiml
│ │ │ ├── primitive-math.aiml
│ │ │ ├── psychology.aiml
│ │ │ ├── pyschology.aiml
│ │ │ ├── reduction.names.aiml
│ │ │ ├── reduction0.safe.aiml
│ │ │ ├── reduction1.safe.aiml
│ │ │ ├── reduction2.safe.aiml
│ │ │ ├── reduction3.safe.aiml
│ │ │ ├── reduction4.safe.aiml
│ │ │ ├── reductions-update.aiml
│ │ │ ├── religion.aiml
│ │ │ ├── salutations.aiml
│ │ │ ├── science.aiml
│ │ │ ├── sex.aiml
│ │ │ ├── sports.aiml
│ │ │ ├── stack.aiml
│ │ │ ├── standard.brn
│ │ │ ├── startup.xml
│ │ │ ├── stories.aiml
│ │ │ ├── that.aiml
│ │ │ ├── update1.aiml
│ │ │ ├── update_mccormick.aiml
│ │ │ ├── wallace.aiml
│ │ │ └── xfind.aiml
│ │ ├── include
│ │ │ └── robot_voice
│ │ │ ├── formats.h
│ │ │ ├── linuxrec.h
│ │ │ ├── msp_cmn.h
│ │ │ ├── msp_errors.h
│ │ │ ├── msp_types.h
│ │ │ ├── qisr.h
│ │ │ ├── qtts.h
│ │ │ └── speech_recognizer.h
│ │ ├── launch
│ │ │ ├── chat_recognizer.launch
│ │ │ ├── chinese_recognizer.launch
│ │ │ ├── start_aiml_server.launch
│ │ │ ├── start_chat.launch
│ │ │ └── voice_commands.launch
│ │ ├── libs
│ │ │ ├── x64
│ │ │ │ └── libmsc.so
│ │ │ └── x86
│ │ │ └── libmsc.so
│ │ ├── package.xml
│ │ ├── scripts
│ │ │ ├── aiml_tts.py
│ │ │ ├── aiml_voice_recognizer.py
│ │ │ ├── aiml_voice_server.py
│ │ │ └── voice_teleop.py
│ │ └── src
│ │ ├── iat_publish.cpp
│ │ ├── linuxrec.c
│ │ ├── speech_recognizer.c
│ │ ├── tts_subscribe.cpp
│ │ └── voice_assistant.cpp
│ ├── ros2
│ │ ├── example_interfaces
│ │ │ ├── CMakeLists.txt
│ │ │ ├── CONTRIBUTING.md
│ │ │ ├── LICENSE
│ │ │ ├── README.md
│ │ │ ├── mapping_rules.yaml
│ │ │ ├── msg
│ │ │ │ └── JointState.msg
│ │ │ ├── package.xml
│ │ │ └── srv
│ │ │ └── AddTwoInts.srv
│ │ └── ros2_demo
│ │ ├── CMakeLists.txt
│ │ ├── package.xml
│ │ └── src
│ │ ├── ros2_client.cpp
│ │ ├── ros2_listerner.cpp
│ │ ├── ros2_server.cpp
│ │ └── ros2_talker.cpp
│ ├── ros_advanced
│ │ ├── action_tutorials
│ │ │ ├── CMakeLists.txt
│ │ │ ├── action
│ │ │ │ └── DoDishes.action
│ │ │ ├── package.xml
│ │ │ └── src
│ │ │ ├── DoDishes_client.cpp
│ │ │ └── DoDishes_server.cpp
│ │ ├── dynamic_tutorials
│ │ │ ├── CMakeLists.txt
│ │ │ ├── cfg
│ │ │ │ └── Tutorials.cfg
│ │ │ ├── package.xml
│ │ │ ├── scripts
│ │ │ │ ├── client.py
│ │ │ │ └── server.py
│ │ │ └── src
│ │ │ └── server.cpp
│ │ ├── matlab_ros
│ │ │ ├── myTeleop.fig
│ │ │ ├── myTeleop.m
│ │ │ └── talker.m
│ │ ├── pilotless_automobile
│ │ │ ├── CMakeLists.txt
│ │ │ ├── config
│ │ │ │ ├── catvehicle.rviz
│ │ │ │ └── catvehicle_slam.rviz
│ │ │ ├── launch
│ │ │ │ ├── catvehicle.launch
│ │ │ │ └── catvehicle_slam.launch
│ │ │ └── package.xml
│ │ ├── pluginlib_tutorials
│ │ │ ├── CMakeLists.txt
│ │ │ ├── include
│ │ │ │ └── pluginlib_tutorials
│ │ │ │ ├── polygon_base.h
│ │ │ │ └── polygon_plugins.h
│ │ │ ├── package.xml
│ │ │ ├── polygon_plugins.xml
│ │ │ └── src
│ │ │ ├── polygon_loader.cpp
│ │ │ └── polygon_plugins.cpp
│ │ ├── rviz_teleop_commander
│ │ │ ├── CMakeLists.txt
│ │ │ ├── package.xml
│ │ │ ├── plugin_description.xml
│ │ │ └── src
│ │ │ ├── teleop_pad.cpp
│ │ │ └── teleop_pad.h
│ │ ├── smach_tutorials
│ │ │ ├── CMakeLists.txt
│ │ │ ├── package.xml
│ │ │ └── scripts
│ │ │ ├── concurrence.py
│ │ │ ├── state_machine_nesting.py
│ │ │ ├── state_machine_simple.py
│ │ │ └── user_data.py
│ │ └── web_gui
│ │ ├── build
│ │ │ ├── jointstatepublisher.js
│ │ │ ├── jointstatepublisher.min.js
│ │ │ ├── keyboardteleop.js
│ │ │ ├── keyboardteleop.min.js
│ │ │ ├── mjpegcanvas.js
│ │ │ ├── mjpegcanvas.min.js
│ │ │ ├── ros3d.js
│ │ │ ├── ros3d.min.js
│ │ │ ├── roslib.js
│ │ │ └── roslib.min.js
│ │ └── keyboardteleop.html
│ ├── ros_exploring_prereq.sh
│ └── ros_primary
│ ├── learning_communication
│ │ ├── CMakeLists.txt
│ │ ├── msg
│ │ │ └── Person.msg
│ │ ├── package.xml
│ │ ├── src
│ │ │ ├── client.cpp
│ │ │ ├── listener.cpp
│ │ │ ├── server.cpp
│ │ │ └── talker.cpp
│ │ └── srv
│ │ └── AddTwoInts.srv
│ └── learning_tf
│ ├── CMakeLists.txt
│ ├── launch
│ │ ├── start_demo.launch
│ │ └── start_demo_with_listener.launch
│ ├── package.xml
│ └── src
│ ├── turtle_tf_broadcaster.cpp
│ └── turtle_tf_listener.cpp
└── ros编程实例.zip
156 directories, 839 files
小贴士
感谢您为本站写下的评论,您的评论对其它用户来说具有重要的参考价值,所以请认真填写。
- 类似“顶”、“沙发”之类没有营养的文字,对勤劳贡献的楼主来说是令人沮丧的反馈信息。
- 相信您也不想看到一排文字/表情墙,所以请不要反馈意义不大的重复字符,也请尽量不要纯表情的回复。
- 提问之前请再仔细看一遍楼主的说明,或许是您遗漏了。
- 请勿到处挖坑绊人、招贴广告。既占空间让人厌烦,又没人会搭理,于人于己都无利。
关于好例子网
本站旨在为广大IT学习爱好者提供一个非营利性互相学习交流分享平台。本站所有资源都可以被免费获取学习研究。本站资源来自网友分享,对搜索内容的合法性不具有预见性、识别性、控制性,仅供学习研究,请务必在下载后24小时内给予删除,不得用于其他任何用途,否则后果自负。基于互联网的特殊性,平台无法对用户传输的作品、信息、内容的权属或合法性、安全性、合规性、真实性、科学性、完整权、有效性等进行实质审查;无论平台是否已进行审查,用户均应自行承担因其传输的作品、信息、内容而可能或已经产生的侵权或权属纠纷等法律责任。本站所有资源不代表本站的观点或立场,基于网友分享,根据中国法律《信息网络传播权保护条例》第二十二与二十三条之规定,若资源存在侵权或相关问题请联系本站客服人员,点此联系我们。关于更多版权及免责申明参见 版权及免责申明
网友评论
我要评论