diff --git a/autoware_launch/config/control/trajectory_follower/lateral/mpc.param.yaml b/autoware_launch/config/control/trajectory_follower/lateral/mpc.param.yaml
index 4222082d40..9998b6aadf 100644
--- a/autoware_launch/config/control/trajectory_follower/lateral/mpc.param.yaml
+++ b/autoware_launch/config/control/trajectory_follower/lateral/mpc.param.yaml
@@ -74,3 +74,5 @@
update_steer_threshold: 0.035
average_num: 1000
steering_offset_limit: 0.02
+
+ debug_publish_predicted_trajectory: false # publish debug predicted trajectory in Frenet coordinate
diff --git a/autoware_launch/config/localization/ekf_localizer.param.yaml b/autoware_launch/config/localization/ekf_localizer.param.yaml
index 1c16624605..ebdf2828fc 100644
--- a/autoware_launch/config/localization/ekf_localizer.param.yaml
+++ b/autoware_launch/config/localization/ekf_localizer.param.yaml
@@ -4,6 +4,7 @@
enable_yaw_bias_estimation: true
predict_frequency: 50.0
tf_rate: 50.0
+ publish_tf: true
extend_state_step: 50
# for Pose measurement
@@ -22,6 +23,10 @@
proc_stddev_vx_c: 10.0
proc_stddev_wz_c: 5.0
+ #Simple1DFilter parameters
+ z_filter_proc_dev: 1.0
+ roll_filter_proc_dev: 0.01
+ pitch_filter_proc_dev: 0.01
# for diagnostics
pose_no_update_count_threshold_warn: 50
pose_no_update_count_threshold_error: 100
diff --git a/autoware_launch/config/localization/ndt_scan_matcher.param.yaml b/autoware_launch/config/localization/ndt_scan_matcher.param.yaml
index 1a6c26cd9c..144449ce75 100644
--- a/autoware_launch/config/localization/ndt_scan_matcher.param.yaml
+++ b/autoware_launch/config/localization/ndt_scan_matcher.param.yaml
@@ -1,106 +1,114 @@
/**:
ros__parameters:
- # Use dynamic map loading
- use_dynamic_map_loading: true
+ frame:
+ # Vehicle reference frame
+ base_frame: "base_link"
- # Vehicle reference frame
- base_frame: "base_link"
+ # NDT reference frame
+ ndt_base_frame: "ndt_base_link"
- # NDT reference frame
- ndt_base_frame: "ndt_base_link"
+ # Map frame
+ map_frame: "map"
- # map frame
- map_frame: "map"
- # Subscriber queue size
- input_sensor_points_queue_size: 1
+ ndt:
+ # The maximum difference between two consecutive
+ # transformations in order to consider convergence
+ trans_epsilon: 0.01
- # The maximum difference between two consecutive
- # transformations in order to consider convergence
- trans_epsilon: 0.01
+ # The newton line search maximum step length
+ step_size: 0.1
- # The newton line search maximum step length
- step_size: 0.1
+ # The ND voxel grid resolution
+ resolution: 2.0
- # The ND voxel grid resolution
- resolution: 2.0
+ # The number of iterations required to calculate alignment
+ max_iterations: 30
- # The number of iterations required to calculate alignment
- max_iterations: 30
+ # Number of threads used for parallel computing
+ num_threads: 4
- # Converged param type
- # 0=TRANSFORM_PROBABILITY, 1=NEAREST_VOXEL_TRANSFORMATION_LIKELIHOOD
- converged_param_type: 1
+ regularization:
+ enable: false
- # If converged_param_type is 0
- # Threshold for deciding whether to trust the estimation result
- converged_param_transform_probability: 3.0
+ # Regularization scale factor
+ scale_factor: 0.01
- # If converged_param_type is 1
- # Threshold for deciding whether to trust the estimation result
- converged_param_nearest_voxel_transformation_likelihood: 2.3
- # The number of particles to estimate initial pose
- initial_estimate_particles_num: 200
+ initial_pose_estimation:
+ # The number of particles to estimate initial pose
+ particles_num: 200
- # The number of initial random trials in the TPE (Tree-Structured Parzen Estimator).
- # This value should be equal to or less than 'initial_estimate_particles_num' and more than 0.
- # If it is equal to 'initial_estimate_particles_num', the search will be the same as a full random search.
- n_startup_trials: 20
+ # The number of initial random trials in the TPE (Tree-Structured Parzen Estimator).
+ # This value should be equal to or less than 'initial_estimate_particles_num' and more than 0.
+ # If it is equal to 'initial_estimate_particles_num', the search will be the same as a full random search.
+ n_startup_trials: 20
- # Tolerance of timestamp difference between current time and sensor pointcloud. [sec]
- lidar_topic_timeout_sec: 1.0
- # Tolerance of timestamp difference between initial_pose and sensor pointcloud. [sec]
- initial_pose_timeout_sec: 1.0
+ validation:
+ # Tolerance of timestamp difference between current time and sensor pointcloud. [sec]
+ lidar_topic_timeout_sec: 1.0
- # Tolerance of distance difference between two initial poses used for linear interpolation. [m]
- initial_pose_distance_tolerance_m: 10.0
+ # Tolerance of timestamp difference between initial_pose and sensor pointcloud. [sec]
+ initial_pose_timeout_sec: 1.0
- # Number of threads used for parallel computing
- num_threads: 4
+ # Tolerance of distance difference between two initial poses used for linear interpolation. [m]
+ initial_pose_distance_tolerance_m: 10.0
- # The covariance of output pose
- # Note that this covariance matrix is empirically derived
- output_pose_covariance:
- [
- 0.0225, 0.0, 0.0, 0.0, 0.0, 0.0,
- 0.0, 0.0225, 0.0, 0.0, 0.0, 0.0,
- 0.0, 0.0, 0.0225, 0.0, 0.0, 0.0,
- 0.0, 0.0, 0.0, 0.000625, 0.0, 0.0,
- 0.0, 0.0, 0.0, 0.0, 0.000625, 0.0,
- 0.0, 0.0, 0.0, 0.0, 0.0, 0.000625,
- ]
+ # The execution time which means probably NDT cannot matches scans properly. [ms]
+ critical_upper_bound_exe_time_ms: 100.0
- # 2D Real-time covariance estimation with multiple searches (output_pose_covariance is the minimum value)
- use_covariance_estimation: false
- # Offset arrangement in covariance estimation [m]
- # initial_pose_offset_model_x & initial_pose_offset_model_y must have the same number of elements.
- initial_pose_offset_model_x: [0.0, 0.0, 0.5, -0.5, 1.0, -1.0]
- initial_pose_offset_model_y: [0.5, -0.5, 0.0, 0.0, 0.0, 0.0]
+ score_estimation:
+ # Converged param type
+ # 0=TRANSFORM_PROBABILITY, 1=NEAREST_VOXEL_TRANSFORMATION_LIKELIHOOD
+ converged_param_type: 1
- # Regularization switch
- regularization_enabled: false
+ # If converged_param_type is 0
+ # Threshold for deciding whether to trust the estimation result
+ converged_param_transform_probability: 3.0
- # Regularization scale factor
- regularization_scale_factor: 0.01
+ # If converged_param_type is 1
+ # Threshold for deciding whether to trust the estimation result
+ converged_param_nearest_voxel_transformation_likelihood: 2.3
- # Dynamic map loading distance
- dynamic_map_loading_update_distance: 20.0
+ # Scan matching score based on no ground LiDAR scan
+ no_ground_points:
+ enable: false
- # Dynamic map loading loading radius
- dynamic_map_loading_map_radius: 150.0
+ # If lidar_point.z - base_link.z <= this threshold , the point will be removed
+ z_margin_for_ground_removal: 0.8
- # Radius of input LiDAR range (used for diagnostics of dynamic map loading)
- lidar_radius: 100.0
- # cspell: ignore degrounded
- # A flag for using scan matching score based on de-grounded LiDAR scan
- estimate_scores_for_degrounded_scan: false
+ covariance:
+ # The covariance of output pose
+ # Note that this covariance matrix is empirically derived
+ output_pose_covariance:
+ [
+ 0.0225, 0.0, 0.0, 0.0, 0.0, 0.0,
+ 0.0, 0.0225, 0.0, 0.0, 0.0, 0.0,
+ 0.0, 0.0, 0.0225, 0.0, 0.0, 0.0,
+ 0.0, 0.0, 0.0, 0.000625, 0.0, 0.0,
+ 0.0, 0.0, 0.0, 0.0, 0.000625, 0.0,
+ 0.0, 0.0, 0.0, 0.0, 0.0, 0.000625,
+ ]
- # If lidar_point.z - base_link.z <= this threshold , the point will be removed
- z_margin_for_ground_removal: 0.8
+ # 2D Real-time covariance estimation with multiple searches (output_pose_covariance is the minimum value)
+ covariance_estimation:
+ enable: false
- # The execution time which means probably NDT cannot matches scans properly. [ms]
- critical_upper_bound_exe_time_ms: 100
+ # Offset arrangement in covariance estimation [m]
+ # initial_pose_offset_model_x & initial_pose_offset_model_y must have the same number of elements.
+ initial_pose_offset_model_x: [0.0, 0.0, 0.5, -0.5, 1.0, -1.0]
+ initial_pose_offset_model_y: [0.5, -0.5, 0.0, 0.0, 0.0, 0.0]
+
+
+ dynamic_map_loading:
+ # Dynamic map loading distance
+ update_distance: 20.0
+
+ # Dynamic map loading loading radius
+ map_radius: 150.0
+
+ # Radius of input LiDAR range (used for diagnostics of dynamic map loading)
+ lidar_radius: 100.0
diff --git a/autoware_launch/config/localization/twist2accel.param.yaml b/autoware_launch/config/localization/twist2accel.param.yaml
new file mode 100644
index 0000000000..e58e029248
--- /dev/null
+++ b/autoware_launch/config/localization/twist2accel.param.yaml
@@ -0,0 +1,4 @@
+/**:
+ ros__parameters:
+ use_odom: true
+ accel_lowpass_gain: 0.9
diff --git a/autoware_launch/config/map/map_projection_loader.param.yaml b/autoware_launch/config/map/map_projection_loader.param.yaml
new file mode 100644
index 0000000000..6ec300309a
--- /dev/null
+++ b/autoware_launch/config/map/map_projection_loader.param.yaml
@@ -0,0 +1,4 @@
+/**:
+ ros__parameters:
+ map_projector_info_path: $(var map_projector_info_path)
+ lanelet2_map_path: $(var lanelet2_map_path)
diff --git a/autoware_launch/config/map/pointcloud_map_loader.param.yaml b/autoware_launch/config/map/pointcloud_map_loader.param.yaml
index ba4c032d3e..b4efbec970 100644
--- a/autoware_launch/config/map/pointcloud_map_loader.param.yaml
+++ b/autoware_launch/config/map/pointcloud_map_loader.param.yaml
@@ -3,7 +3,6 @@
enable_whole_load: true
enable_downsampled_whole_load: false
enable_partial_load: true
- enable_differential_load: true
enable_selected_load: false
# only used when downsample_whole_load enabled
diff --git a/autoware_launch/config/perception/object_recognition/detection/detection_by_tracker/detection_by_tracker.param.yaml b/autoware_launch/config/perception/object_recognition/detection/detection_by_tracker/detection_by_tracker.param.yaml
index 6957040506..fac8687c5e 100644
--- a/autoware_launch/config/perception/object_recognition/detection/detection_by_tracker/detection_by_tracker.param.yaml
+++ b/autoware_launch/config/perception/object_recognition/detection/detection_by_tracker/detection_by_tracker.param.yaml
@@ -1,11 +1,10 @@
/**:
ros__parameters:
- tracker_ignore_label:
- UNKNOWN : true
- CAR : false
- TRUCK : false
- BUS : false
- TRAILER : false
- MOTORCYCLE : false
- BICYCLE : false
- PEDESTRIAN : false
+ tracker_ignore_label.UNKNOWN : true
+ tracker_ignore_label.CAR : false
+ tracker_ignore_label.TRUCK : false
+ tracker_ignore_label.BUS : false
+ tracker_ignore_label.TRAILER : false
+ tracker_ignore_label.MOTORCYCLE : false
+ tracker_ignore_label.BICYCLE : false
+ tracker_ignore_label.PEDESTRIAN : false
diff --git a/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_cluster_fusion.param.yaml b/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_cluster_fusion.param.yaml
new file mode 100644
index 0000000000..016a133227
--- /dev/null
+++ b/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_cluster_fusion.param.yaml
@@ -0,0 +1,12 @@
+/**:
+ ros__parameters:
+ fusion_distance: 100.0
+ trust_object_distance: 100.0
+ trust_object_iou_mode: "iou"
+ non_trust_object_iou_mode: "iou_x"
+ use_cluster_semantic_type: false
+ only_allow_inside_cluster: true
+ roi_scale_factor: 1.1
+ iou_threshold: 0.65
+ unknown_iou_threshold: 0.1
+ remove_unknown: false
diff --git a/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_detected_object_fusion.param.yaml b/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_detected_object_fusion.param.yaml
new file mode 100755
index 0000000000..bd49dc6574
--- /dev/null
+++ b/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_detected_object_fusion.param.yaml
@@ -0,0 +1,19 @@
+/**:
+ ros__parameters:
+ # UNKNOWN, CAR, TRUCK, BUS, TRAILER, MOTORBIKE, BICYCLE, PEDESTRIAN
+ passthrough_lower_bound_probability_thresholds: [0.35, 0.35, 0.35, 0.35, 0.35, 0.35, 0.35, 0.50]
+ trust_distances: [50.0, 100.0, 100.0, 100.0, 100.0, 50.0, 50.0, 50.0]
+ min_iou_threshold: 0.5
+ use_roi_probability: false
+ roi_probability_threshold: 0.5
+
+ can_assign_matrix:
+ #UNKNOWN, CAR, TRUCK, BUS, TRAILER, MOTORBIKE, BICYCLE, PEDESTRIAN <-roi_msg
+ [1, 0, 0, 0, 0, 0, 0, 0, # UNKNOWN <-detected_objects
+ 0, 1, 1, 1, 1, 0, 0, 0, # CAR
+ 0, 1, 1, 1, 1, 0, 0, 0, # TRUCK
+ 0, 1, 1, 1, 1, 0, 0, 0, # BUS
+ 0, 1, 1, 1, 1, 0, 0, 0, # TRAILER
+ 0, 0, 0, 0, 0, 1, 1, 1, # MOTORBIKE
+ 0, 0, 0, 0, 0, 1, 1, 1, # BICYCLE
+ 0, 0, 0, 0, 0, 1, 1, 1] # PEDESTRIAN
diff --git a/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_pointcloud_fusion.param.yaml b/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_pointcloud_fusion.param.yaml
new file mode 100644
index 0000000000..5b86b8e81d
--- /dev/null
+++ b/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_pointcloud_fusion.param.yaml
@@ -0,0 +1,5 @@
+/**:
+ ros__parameters:
+ fuse_unknown_only: true
+ min_cluster_size: 2
+ cluster_2d_tolerance: 0.5
diff --git a/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_sync.param.yaml b/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_sync.param.yaml
index 0e4c52ba92..99d85089be 100644
--- a/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_sync.param.yaml
+++ b/autoware_launch/config/perception/object_recognition/detection/image_projection_based_fusion/roi_sync.param.yaml
@@ -3,6 +3,8 @@
input_offset_ms: [61.67, 111.67, 45.0, 28.33, 78.33, 95.0]
timeout_ms: 70.0
match_threshold_ms: 50.0
+ image_buffer_size: 15
+ debug_mode: false
filter_scope_min_x: -100.0
filter_scope_min_y: -100.0
filter_scope_min_z: -100.0
diff --git a/autoware_launch/config/perception/object_recognition/detection/lidar_model/detection_class_remapper.param.yaml b/autoware_launch/config/perception/object_recognition/detection/lidar_model/detection_class_remapper.param.yaml
index ed378ffa44..baea087c96 100644
--- a/autoware_launch/config/perception/object_recognition/detection/lidar_model/detection_class_remapper.param.yaml
+++ b/autoware_launch/config/perception/object_recognition/detection/lidar_model/detection_class_remapper.param.yaml
@@ -29,9 +29,9 @@
max_area_matrix:
#UNKNOWN, CAR, TRUCK, BUS, TRAILER, MOTORBIKE, BICYCLE, PEDESTRIAN
[ 0.000, 0.000, 0.000, 0.000, 0.000, 0.000, 0.000, 0.000, #UNKNOWN
- 0.000, 0.000, 36.000, 0.000, inf, 0.000, 0.000, 0.000, #CAR
- 0.000, 0.000, 0.000, 0.000, inf, 0.000, 0.000, 0.000, #TRUCK
- 0.000, 0.000, 0.000, 0.000, inf, 0.000, 0.000, 0.000, #BUS
+ 0.000, 0.000, 36.000, 0.000, 999.999, 0.000, 0.000, 0.000, #CAR
+ 0.000, 0.000, 0.000, 0.000, 999.999, 0.000, 0.000, 0.000, #TRUCK
+ 0.000, 0.000, 0.000, 0.000, 999.999, 0.000, 0.000, 0.000, #BUS
0.000, 0.000, 0.000, 0.000, 0.000, 0.000, 0.000, 0.000, #TRAILER
0.000, 0.000, 0.000, 0.000, 0.000, 0.000, 0.000, 0.000, #MOTORBIKE
0.000, 0.000, 0.000, 0.000, 0.000, 0.000, 0.000, 0.000, #BICYCLE
diff --git a/autoware_launch/config/perception/object_recognition/detection/lidar_model/pointpainting.param.yaml b/autoware_launch/config/perception/object_recognition/detection/lidar_model/pointpainting.param.yaml
index e1be5426cb..8fb88da291 100755
--- a/autoware_launch/config/perception/object_recognition/detection/lidar_model/pointpainting.param.yaml
+++ b/autoware_launch/config/perception/object_recognition/detection/lidar_model/pointpainting.param.yaml
@@ -1,18 +1,33 @@
/**:
ros__parameters:
- class_names: ["CAR", "TRUCK", "BUS", "BICYCLE", "PEDESTRIAN"]
- paint_class_names: ["CAR", "BICYCLE", "PEDESTRIAN"]
- point_feature_size: 7 # x, y, z, time-lag and car, pedestrian, bicycle
- max_voxel_size: 40000
- point_cloud_range: [-121.6, -76.8, -3.0, 121.6, 76.8, 5.0]
- voxel_size: [0.32, 0.32, 8.0]
- downsample_factor: 1
- encoder_in_feature_size: 12
- yaw_norm_thresholds: [0.3, 0.3, 0.3, 0.3, 0.0]
- # post-process params
- circle_nms_dist_threshold: 0.3
- iou_nms_target_class_names: ["CAR"]
- iou_nms_search_distance_2d: 10.0
- iou_nms_threshold: 0.1
- # omp params
- omp_num_threads: 1
+ trt_precision: fp16
+ build_only: false
+ encoder_onnx_path: "$(var model_path)/pts_voxel_encoder_$(var model_name).onnx"
+ encoder_engine_path: "$(var model_path)/pts_voxel_encoder_$(var model_name).engine"
+ head_onnx_path: "$(var model_path)/pts_backbone_neck_head_$(var model_name).onnx"
+ head_engine_path: "$(var model_path)/pts_backbone_neck_head_$(var model_name).engine"
+
+ model_params:
+ class_names: ["CAR", "TRUCK", "BUS", "BICYCLE", "PEDESTRIAN"]
+ paint_class_names: ["CAR", "BICYCLE", "PEDESTRIAN"]
+ point_feature_size: 7 # x, y, z, time-lag and car, pedestrian, bicycle
+ max_voxel_size: 40000
+ point_cloud_range: [-121.6, -76.8, -3.0, 121.6, 76.8, 5.0]
+ voxel_size: [0.32, 0.32, 8.0]
+ downsample_factor: 1
+ encoder_in_feature_size: 12
+ yaw_norm_thresholds: [0.3, 0.3, 0.3, 0.3, 0.0]
+ has_twist: false
+ densification_params:
+ world_frame_id: "map"
+ num_past_frames: 0
+ post_process_params:
+ # post-process params
+ circle_nms_dist_threshold: 0.3
+ iou_nms_target_class_names: ["CAR"]
+ iou_nms_search_distance_2d: 10.0
+ iou_nms_threshold: 0.1
+ score_threshold: 0.4
+ omp_params:
+ # omp params
+ num_threads: 1
diff --git a/autoware_launch/config/perception/object_recognition/detection/object_range_splitter/object_range_splitter_radar.param.yaml b/autoware_launch/config/perception/object_recognition/detection/object_range_splitter/object_range_splitter_radar.param.yaml
new file mode 100644
index 0000000000..ed1ce176ed
--- /dev/null
+++ b/autoware_launch/config/perception/object_recognition/detection/object_range_splitter/object_range_splitter_radar.param.yaml
@@ -0,0 +1,3 @@
+/**:
+ ros__parameters:
+ split_range: 80.0
diff --git a/autoware_launch/config/perception/object_recognition/detection/object_range_splitter/object_range_splitter_radar_fusion.param.yaml b/autoware_launch/config/perception/object_recognition/detection/object_range_splitter/object_range_splitter_radar_fusion.param.yaml
new file mode 100644
index 0000000000..a8b2562883
--- /dev/null
+++ b/autoware_launch/config/perception/object_recognition/detection/object_range_splitter/object_range_splitter_radar_fusion.param.yaml
@@ -0,0 +1,3 @@
+/**:
+ ros__parameters:
+ split_range: 70.0
diff --git a/autoware_launch/config/perception/object_recognition/detection/object_velocity_splitter/object_velocity_splitter_radar.param.yaml b/autoware_launch/config/perception/object_recognition/detection/object_velocity_splitter/object_velocity_splitter_radar.param.yaml
new file mode 100644
index 0000000000..c6351bea72
--- /dev/null
+++ b/autoware_launch/config/perception/object_recognition/detection/object_velocity_splitter/object_velocity_splitter_radar.param.yaml
@@ -0,0 +1,3 @@
+/**:
+ ros__parameters:
+ velocity_threshold: 5.5
diff --git a/autoware_launch/config/perception/object_recognition/detection/object_velocity_splitter/object_velocity_splitter_radar_fusion.param.yaml b/autoware_launch/config/perception/object_recognition/detection/object_velocity_splitter/object_velocity_splitter_radar_fusion.param.yaml
new file mode 100644
index 0000000000..6a40ac9616
--- /dev/null
+++ b/autoware_launch/config/perception/object_recognition/detection/object_velocity_splitter/object_velocity_splitter_radar_fusion.param.yaml
@@ -0,0 +1,3 @@
+/**:
+ ros__parameters:
+ velocity_threshold: 4.5
diff --git a/autoware_launch/config/perception/object_recognition/detection/radar_crossing_objects_noise_filter/radar_crossing_objects_noise_filter.param.yaml b/autoware_launch/config/perception/object_recognition/detection/radar_crossing_objects_noise_filter/radar_crossing_objects_noise_filter.param.yaml
new file mode 100644
index 0000000000..f52edf641f
--- /dev/null
+++ b/autoware_launch/config/perception/object_recognition/detection/radar_crossing_objects_noise_filter/radar_crossing_objects_noise_filter.param.yaml
@@ -0,0 +1,4 @@
+/**:
+ ros__parameters:
+ angle_threshold: 1.2210
+ velocity_threshold: 1.5
diff --git a/autoware_launch/config/perception/object_recognition/prediction/map_based_prediction.param.yaml b/autoware_launch/config/perception/object_recognition/prediction/map_based_prediction.param.yaml
index 69ff96a263..ed1193f1c4 100644
--- a/autoware_launch/config/perception/object_recognition/prediction/map_based_prediction.param.yaml
+++ b/autoware_launch/config/perception/object_recognition/prediction/map_based_prediction.param.yaml
@@ -13,6 +13,13 @@
sigma_yaw_angle_deg: 5.0 #[angle degree]
object_buffer_time_length: 2.0 #[s]
history_time_length: 1.0 #[s]
+ check_lateral_acceleration_constraints: false # whether to check if the predicted path complies with lateral acceleration constraints
+ max_lateral_accel: 2.0 # [m/ss] max acceptable lateral acceleration for predicted vehicle paths
+ min_acceleration_before_curve: -2.0 # [m/ss] min acceleration a vehicle might take to decelerate before a curve
+ use_vehicle_acceleration: false # whether to consider current vehicle acceleration when predicting paths or not
+ speed_limit_multiplier: 1.5 # When using vehicle acceleration. Set vehicle's maximum predicted speed as the legal speed limit in that lanelet times this value
+ acceleration_exponential_half_life: 2.5 # [s] When using vehicle acceleration. The decaying acceleration model considers that the current vehicle acceleration will be halved after this many seconds
+ use_crosswalk_signal: true
# parameter for shoulder lane prediction
prediction_time_horizon_rate_for_validate_shoulder_lane_length: 0.8
diff --git a/autoware_launch/config/perception/object_recognition/tracking/multi_object_tracker/multi_object_tracker_node.param.yaml b/autoware_launch/config/perception/object_recognition/tracking/multi_object_tracker/multi_object_tracker_node.param.yaml
index f58de8e615..32a12f8bf5 100644
--- a/autoware_launch/config/perception/object_recognition/tracking/multi_object_tracker/multi_object_tracker_node.param.yaml
+++ b/autoware_launch/config/perception/object_recognition/tracking/multi_object_tracker/multi_object_tracker_node.param.yaml
@@ -17,7 +17,7 @@
publish_untracked_objects: false
# debug parameters
- publish_processing_time: false
+ publish_processing_time: true
publish_tentative_objects: false
- diagnostic_warn_delay: 0.5 # [sec]
- diagnostic_error_delay: 1.0 # [sec]
+ diagnostics_warn_delay: 0.5 # [sec]
+ diagnostics_error_delay: 1.0 # [sec]
diff --git a/autoware_launch/config/perception/object_recognition/tracking/tracking_object_merger/data_association_matrix.param.yaml b/autoware_launch/config/perception/object_recognition/tracking/tracking_object_merger/data_association_matrix.param.yaml
index 702809b3ce..c232dbde40 100644
--- a/autoware_launch/config/perception/object_recognition/tracking/tracking_object_merger/data_association_matrix.param.yaml
+++ b/autoware_launch/config/perception/object_recognition/tracking/tracking_object_merger/data_association_matrix.param.yaml
@@ -3,7 +3,7 @@
lidar-lidar:
can_assign_matrix:
#UNKNOWN, CAR, TRUCK, BUS, TRAILER, MOTORBIKE, BICYCLE,PEDESTRIAN
- [0, 0, 0, 0, 0, 0, 0, 0, #UNKNOWN
+ [1, 0, 0, 0, 0, 0, 0, 0, #UNKNOWN
0, 1, 1, 1, 1, 0, 0, 0, #CAR
0, 1, 1, 1, 1, 0, 0, 0, #TRUCK
0, 1, 1, 1, 1, 0, 0, 0, #BUS
@@ -59,7 +59,7 @@
lidar-radar:
can_assign_matrix:
#UNKNOWN, CAR, TRUCK, BUS, TRAILER, MOTORBIKE, BICYCLE,PEDESTRIAN
- [0, 0, 0, 0, 0, 0, 0, 0, #UNKNOWN
+ [1, 0, 0, 0, 0, 0, 0, 0, #UNKNOWN
0, 1, 1, 1, 1, 0, 0, 0, #CAR
0, 1, 1, 1, 1, 0, 0, 0, #TRUCK
0, 1, 1, 1, 1, 0, 0, 0, #BUS
@@ -115,7 +115,7 @@
radar-radar:
can_assign_matrix:
#UNKNOWN, CAR, TRUCK, BUS, TRAILER, MOTORBIKE, BICYCLE,PEDESTRIAN
- [0, 0, 0, 0, 0, 0, 0, 0, #UNKNOWN
+ [1, 0, 0, 0, 0, 0, 0, 0, #UNKNOWN
0, 1, 1, 1, 1, 0, 0, 0, #CAR
0, 1, 1, 1, 1, 0, 0, 0, #TRUCK
0, 1, 1, 1, 1, 0, 0, 0, #BUS
diff --git a/autoware_launch/config/perception/object_recognition/tracking/tracking_object_merger/decorative_tracker_merger.param.yaml b/autoware_launch/config/perception/object_recognition/tracking/tracking_object_merger/decorative_tracker_merger.param.yaml
index 13369d5422..e4ea2becd7 100644
--- a/autoware_launch/config/perception/object_recognition/tracking/tracking_object_merger/decorative_tracker_merger.param.yaml
+++ b/autoware_launch/config/perception/object_recognition/tracking/tracking_object_merger/decorative_tracker_merger.param.yaml
@@ -23,4 +23,4 @@
# logging
enable_logging: false
- log_file_path: "/tmp/decorative_tracker_merger.log"
+ logging_file_path: "/tmp/decorative_tracker_merger.log"
diff --git a/autoware_launch/config/perception/obstacle_segmentation/ground_segmentation/ground_segmentation.param.yaml b/autoware_launch/config/perception/obstacle_segmentation/ground_segmentation/ground_segmentation.param.yaml
index b367fef386..4c58c066ed 100644
--- a/autoware_launch/config/perception/obstacle_segmentation/ground_segmentation/ground_segmentation.param.yaml
+++ b/autoware_launch/config/perception/obstacle_segmentation/ground_segmentation/ground_segmentation.param.yaml
@@ -30,3 +30,6 @@
detection_range_z_max: 2.5
elevation_grid_mode: true
use_recheck_ground_cluster: true
+ low_priority_region_x: -20.0
+ center_pcl_shift: 0.0
+ radial_divider_angle_deg: 1.0
diff --git a/autoware_launch/config/planning/preset/default_preset.yaml b/autoware_launch/config/planning/preset/default_preset.yaml
index 7bd3dd26b3..3512d722ec 100644
--- a/autoware_launch/config/planning/preset/default_preset.yaml
+++ b/autoware_launch/config/planning/preset/default_preset.yaml
@@ -77,6 +77,9 @@ launch:
- arg:
name: launch_no_drivable_lane_module
default: "false"
+ - arg:
+ name: launch_dynamic_obstacle_stop_module
+ default: "true"
# motion planning modules
- arg:
@@ -109,7 +112,7 @@ launch:
- arg:
name: launch_surround_obstacle_checker
- default: "true"
+ default: "false"
# parking modules
- arg:
diff --git a/autoware_launch/config/planning/scenario_planning/common/motion_velocity_smoother/motion_velocity_smoother.param.yaml b/autoware_launch/config/planning/scenario_planning/common/motion_velocity_smoother/motion_velocity_smoother.param.yaml
index 235c76a5c1..4b6693f150 100644
--- a/autoware_launch/config/planning/scenario_planning/common/motion_velocity_smoother/motion_velocity_smoother.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/common/motion_velocity_smoother/motion_velocity_smoother.param.yaml
@@ -9,17 +9,17 @@
# -- curve parameters --
# common parameters
- curvature_calculation_distance: 5.0 # distance of points while curvature is calculating for the steer rate and lateral acceleration limit [m]
+ curvature_calculation_distance: 2.0 # distance of points while curvature is calculating for the steer rate and lateral acceleration limit [m]
# lateral acceleration limit parameters
enable_lateral_acc_limit: true # To toggle the lateral acc filter on and off. You can switch it dynamically at runtime.
max_lateral_accel: 1.0 # max lateral acceleration limit [m/ss]
- min_curve_velocity: 2.74 # min velocity at lateral acceleration limit and steering angle rate limit [m/s]
+ min_curve_velocity: 2.0 # min velocity at lateral acceleration limit and steering angle rate limit [m/s]
decel_distance_before_curve: 3.5 # slow speed distance before a curve for lateral acceleration limit
decel_distance_after_curve: 2.0 # slow speed distance after a curve for lateral acceleration limit
min_decel_for_lateral_acc_lim_filter: -2.5 # deceleration limit applied in the lateral acceleration filter to avoid sudden braking [m/ss]
# steering angle rate limit parameters
enable_steering_rate_limit: true # To toggle the steer rate filter on and off. You can switch it dynamically at runtime.
- max_steering_angle_rate: 40.0 # maximum steering angle rate [degree/s]
+ max_steering_angle_rate: 11.5 # maximum steering angle rate [degree/s]
resample_ds: 0.1 # distance between trajectory points [m]
curvature_threshold: 0.02 # if curvature > curvature_threshold, steeringRateLimit is triggered [1/m]
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/avoidance/avoidance.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/avoidance/avoidance.param.yaml
index 7117d1d6da..52724cdda0 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/avoidance/avoidance.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/avoidance/avoidance.param.yaml
@@ -19,6 +19,7 @@
use_opposite_lane: true
use_intersection_areas: true
use_hatched_road_markings: true
+ use_freespace_areas: true
# for debug
publish_debug_marker: false
@@ -29,41 +30,41 @@
car:
execute_num: 1 # [-]
moving_speed_threshold: 1.0 # [m/s]
- moving_time_threshold: 1.0 # [s]
+ moving_time_threshold: 2.0 # [s]
max_expand_ratio: 0.0 # [-]
- envelope_buffer_margin: 0.3 # [m]
- avoid_margin_lateral: 1.0 # [m]
- safety_buffer_lateral: 0.7 # [m]
+ envelope_buffer_margin: 0.5 # [m]
+ avoid_margin_lateral: 0.7 # [m]
+ safety_buffer_lateral: 0.3 # [m]
safety_buffer_longitudinal: 0.0 # [m]
use_conservative_buffer_longitudinal: true # [-] When set to true, the base_link2front is added to the longitudinal buffer before avoidance.
truck:
execute_num: 1
moving_speed_threshold: 1.0 # 3.6km/h
- moving_time_threshold: 1.0
+ moving_time_threshold: 2.0
max_expand_ratio: 0.0
- envelope_buffer_margin: 0.3
- avoid_margin_lateral: 1.0
- safety_buffer_lateral: 0.7
+ envelope_buffer_margin: 0.5
+ avoid_margin_lateral: 0.9
+ safety_buffer_lateral: 0.1
safety_buffer_longitudinal: 0.0
use_conservative_buffer_longitudinal: true
bus:
execute_num: 1
moving_speed_threshold: 1.0 # 3.6km/h
- moving_time_threshold: 1.0
+ moving_time_threshold: 2.0
max_expand_ratio: 0.0
- envelope_buffer_margin: 0.3
- avoid_margin_lateral: 1.0
- safety_buffer_lateral: 0.7
+ envelope_buffer_margin: 0.5
+ avoid_margin_lateral: 0.9
+ safety_buffer_lateral: 0.1
safety_buffer_longitudinal: 0.0
use_conservative_buffer_longitudinal: true
trailer:
execute_num: 1
moving_speed_threshold: 1.0 # 3.6km/h
- moving_time_threshold: 1.0
+ moving_time_threshold: 2.0
max_expand_ratio: 0.0
- envelope_buffer_margin: 0.3
- avoid_margin_lateral: 1.0
- safety_buffer_lateral: 0.7
+ envelope_buffer_margin: 0.5
+ avoid_margin_lateral: 0.9
+ safety_buffer_lateral: 0.1
safety_buffer_longitudinal: 0.0
use_conservative_buffer_longitudinal: true
unknown:
@@ -71,9 +72,9 @@
moving_speed_threshold: 0.28 # 1.0km/h
moving_time_threshold: 1.0
max_expand_ratio: 0.0
- envelope_buffer_margin: 0.3
- avoid_margin_lateral: 1.0
- safety_buffer_lateral: 0.7
+ envelope_buffer_margin: 0.1
+ avoid_margin_lateral: 0.7
+ safety_buffer_lateral: -0.2
safety_buffer_longitudinal: 0.0
use_conservative_buffer_longitudinal: true
bicycle:
@@ -81,9 +82,9 @@
moving_speed_threshold: 0.28 # 1.0km/h
moving_time_threshold: 1.0
max_expand_ratio: 0.0
- envelope_buffer_margin: 0.8
- avoid_margin_lateral: 1.0
- safety_buffer_lateral: 1.0
+ envelope_buffer_margin: 0.5
+ avoid_margin_lateral: 0.7
+ safety_buffer_lateral: 0.5
safety_buffer_longitudinal: 1.0
use_conservative_buffer_longitudinal: true
motorcycle:
@@ -91,9 +92,9 @@
moving_speed_threshold: 1.0 # 3.6km/h
moving_time_threshold: 1.0
max_expand_ratio: 0.0
- envelope_buffer_margin: 0.8
- avoid_margin_lateral: 1.0
- safety_buffer_lateral: 1.0
+ envelope_buffer_margin: 0.5
+ avoid_margin_lateral: 0.7
+ safety_buffer_lateral: 0.3
safety_buffer_longitudinal: 1.0
use_conservative_buffer_longitudinal: true
pedestrian:
@@ -101,9 +102,9 @@
moving_speed_threshold: 0.28 # 1.0km/h
moving_time_threshold: 1.0
max_expand_ratio: 0.0
- envelope_buffer_margin: 0.8
- avoid_margin_lateral: 1.0
- safety_buffer_lateral: 1.0
+ envelope_buffer_margin: 0.5
+ avoid_margin_lateral: 0.7
+ safety_buffer_lateral: 0.5
safety_buffer_longitudinal: 1.0
use_conservative_buffer_longitudinal: true
lower_distance_for_polygon_expansion: 30.0 # [m]
@@ -122,7 +123,8 @@
motorcycle: true # [-]
pedestrian: true # [-]
# detection range
- object_check_goal_distance: 20.0 # [m]
+ object_check_goal_distance: 20.0 # [m]
+ object_check_return_pose_distance: 20.0 # [m]
# filtering parking objects
threshold_distance_object_is_on_center: 1.0 # [m]
object_check_shiftable_ratio: 0.6 # [-]
@@ -189,7 +191,7 @@
expected_rear_deceleration: -1.0 # [m/ss]
rear_vehicle_reaction_time: 2.0 # [s]
rear_vehicle_safety_time_margin: 1.0 # [s]
- lateral_distance_max_threshold: 0.75 # [m]
+ lateral_distance_max_threshold: 2.0 # [m]
longitudinal_distance_min_threshold: 3.0 # [m]
longitudinal_velocity_delta_time: 0.8 # [s]
@@ -217,7 +219,7 @@
return_dead_line:
goal:
enable: true # [-]
- buffer: 30.0 # [m]
+ buffer: 3.0 # [m]
traffic_light:
enable: true # [-]
buffer: 3.0 # [m]
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/avoidance_by_lc/avoidance_by_lc.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/avoidance_by_lane_change/avoidance_by_lane_change.param.yaml
similarity index 100%
rename from autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/avoidance_by_lc/avoidance_by_lc.param.yaml
rename to autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/avoidance_by_lane_change/avoidance_by_lane_change.param.yaml
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/drivable_area_expansion.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/drivable_area_expansion.param.yaml
index 0558f6c606..f3393ff5a4 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/drivable_area_expansion.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/drivable_area_expansion.param.yaml
@@ -13,7 +13,7 @@
smoothing:
curvature_average_window: 3 # window size used for smoothing the curvatures using a moving window average
max_bound_rate: 1.0 # [m/m] maximum rate of change of the bound lateral distance over its arc length
- extra_arc_length: 2.0 # [m] extra arc length where an expansion distance is initially applied
+ arc_length_range: 2.0 # [m] arc length range where an expansion distance is initially applied
ego:
extra_wheelbase: 0.0 # [m] extra length to add to the wheelbase
extra_front_overhang: 0.5 # [m] extra length to add to the front overhang
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/dynamic_avoidance/dynamic_avoidance.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/dynamic_avoidance/dynamic_avoidance.param.yaml
index 854c29aa89..0a563498be 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/dynamic_avoidance/dynamic_avoidance.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/dynamic_avoidance/dynamic_avoidance.param.yaml
@@ -38,7 +38,7 @@
crossing_object:
min_overtaking_object_vel: 1.0
max_overtaking_object_angle: 1.05
- min_oncoming_object_vel: 0.0
+ min_oncoming_object_vel: 1.0
max_oncoming_object_angle: 0.523
front_object:
@@ -46,25 +46,32 @@
min_object_vel: -0.5 # [m/s] The value is negative considering the noisy velocity of the stopped vehicle.
max_ego_path_lat_cover_ratio: 0.3 # [-] The object will be ignored if the ratio of the object covering the ego's path is higher than this value.
+ stopped_object:
+ max_object_vel: 0.5 # [m/s] The object will be determined as stopped if the velocity is smaller than this value.
+
drivable_area_generation:
polygon_generation_method: "ego_path_base" # choose "ego_path_base" and "object_path_base"
object_path_base:
min_longitudinal_polygon_margin: 3.0 # [m]
- lat_offset_from_obstacle: 0.8 # [m]
+ lat_offset_from_obstacle: 1.0 # [m]
max_lat_offset_to_avoid: 0.5 # [m]
max_time_for_object_lat_shift: 0.0 # [s]
lpf_gain_for_lat_avoid_to_offset: 0.9 # [-]
+ max_ego_lat_acc: 0.3 # [m/ss]
+ max_ego_lat_jerk: 0.3 # [m/sss]
+ delay_time_ego_shift: 1.0 # [s]
+
# for same directional object
overtaking_object:
max_time_to_collision: 40.0 # [s]
- start_duration_to_avoid: 2.0 # [s]
- end_duration_to_avoid: 4.0 # [s]
+ start_duration_to_avoid: 1.0 # [s]
+ end_duration_to_avoid: 1.0 # [s]
duration_to_hold_avoidance: 3.0 # [s]
# for opposite directional object
oncoming_object:
max_time_to_collision: 40.0 # [s] This value should be the same as overtaking_object's one to suppress chattering of this value for parked vehicles
- start_duration_to_avoid: 12.0 # [s]
+ start_duration_to_avoid: 1.0 # [s]
end_duration_to_avoid: 0.0 # [s]
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/goal_planner/goal_planner.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/goal_planner/goal_planner.param.yaml
index 06fe74e3b7..d03efa405f 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/goal_planner/goal_planner.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/goal_planner/goal_planner.param.yaml
@@ -38,6 +38,7 @@
object_recognition_collision_check_margin: 0.6 # this should be larger than `surround_check_distance` of surround_obstacle_checker
object_recognition_collision_check_max_extra_stopping_margin: 1.0
th_moving_object_velocity: 1.0
+ detection_bound_offset: 15.0
# pull over
pull_over:
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/lane_change/lane_change.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/lane_change/lane_change.param.yaml
index 366c093901..57899fada8 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/lane_change/lane_change.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/lane_change/lane_change.param.yaml
@@ -57,14 +57,14 @@
# lane expansion for object filtering
lane_expansion:
- left_offset: 0.0 # [m]
- right_offset: 0.0 # [m]
+ left_offset: 1.0 # [m]
+ right_offset: 1.0 # [m]
# lateral acceleration map
lateral_acceleration:
velocity: [0.0, 4.0, 10.0]
- min_values: [0.15, 0.15, 0.15]
- max_values: [0.5, 0.5, 0.5]
+ min_values: [0.4, 0.4, 0.4]
+ max_values: [0.65, 0.65, 0.65]
# target object
target_object:
@@ -72,7 +72,7 @@
truck: true
bus: true
trailer: true
- unknown: true
+ unknown: false
bicycle: true
motorcycle: true
pedestrian: true
@@ -80,14 +80,14 @@
# collision check
enable_prepare_segment_collision_check: false
prepare_segment_ignore_object_velocity_thresh: 0.1 # [m/s]
- check_objects_on_current_lanes: true
- check_objects_on_other_lanes: true
+ check_objects_on_current_lanes: false
+ check_objects_on_other_lanes: false
use_all_predicted_path: true
# lane change regulations
regulation:
- crosswalk: false
- intersection: false
+ crosswalk: true
+ intersection: true
traffic_light: true
# ego vehicle stuck detection
@@ -107,4 +107,4 @@
finish_judge_lateral_threshold: 0.2 # [m]
# debug
- publish_debug_marker: false
+ publish_debug_marker: true
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/scene_module_manager.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/scene_module_manager.param.yaml
index 0090a29926..9853e220bc 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/scene_module_manager.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/scene_module_manager.param.yaml
@@ -53,7 +53,7 @@
goal_planner:
enable_rtc: false
- enable_simultaneous_execution_as_approved_module: false
+ enable_simultaneous_execution_as_approved_module: true
enable_simultaneous_execution_as_candidate_module: false
keep_last: true
priority: 1
@@ -67,7 +67,7 @@
priority: 4
max_module_size: 1
- avoidance_by_lc:
+ avoidance_by_lane_change:
enable_rtc: false
enable_simultaneous_execution_as_approved_module: false
enable_simultaneous_execution_as_candidate_module: false
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/start_planner/start_planner.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/start_planner/start_planner.param.yaml
index 514d61e225..154c4b1e0b 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/start_planner/start_planner.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/start_planner/start_planner.param.yaml
@@ -5,14 +5,16 @@
th_arrived_distance: 1.0
th_stopped_velocity: 0.01
th_stopped_time: 1.0
- collision_check_margin: 1.0
- collision_check_distance_from_end: 1.0
+ collision_check_margins: [2.0, 1.0, 0.5, 0.1]
+ collision_check_distance_from_end: -10.0
+ collision_check_margin_from_front_object: 5.0
th_moving_object_velocity: 1.0
th_distance_to_middle_of_the_road: 0.5
center_line_path_interval: 1.0
# shift pull out
enable_shift_pull_out: true
- check_shift_path_lane_departure: false
+ check_shift_path_lane_departure: true
+ shift_collision_check_distance_from_end: -10.0
minimum_shift_pull_out_distance: 0.0
deceleration_interval: 15.0
lateral_jerk: 0.5
@@ -22,6 +24,7 @@
maximum_curvature: 0.07
# geometric pull out
enable_geometric_pull_out: true
+ geometric_collision_check_distance_from_end: 0.0
divide_pull_out_path: true
geometric_pull_out_velocity: 1.0
arc_path_interval: 1.0
@@ -31,7 +34,7 @@
# search start pose backward
enable_back: true
search_priority: "efficient_path" # "efficient_path" or "short_back_distance"
- max_back_distance: 30.0
+ max_back_distance: 20.0
backward_search_resolution: 2.0
backward_path_update_duration: 3.0
ignore_distance_from_lane_end: 15.0
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/behavior_velocity_planner.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/behavior_velocity_planner.param.yaml
index aa51c38b55..b31506918a 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/behavior_velocity_planner.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/behavior_velocity_planner.param.yaml
@@ -2,6 +2,7 @@
ros__parameters:
forward_path_length: 1000.0
backward_path_length: 5.0
+ behavior_output_path_interval: 1.0
stop_line_extend_length: 5.0
max_accel: -2.8
max_jerk: -5.0
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/crosswalk.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/crosswalk.param.yaml
index e7bdda45de..921b728a34 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/crosswalk.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/crosswalk.param.yaml
@@ -16,7 +16,7 @@
# For the case where the crosswalk width is very wide
far_object_threshold: 10.0 # [m] If objects cross X meters behind the stop line, the stop position is determined according to the object position (stop_distance_from_object meters before the object).
# For the case where the stop position is determined according to the object position.
- stop_distance_from_object: 2.0 # [m] the vehicle decelerates to be able to stop in front of object with margin
+ stop_distance_from_object: 3.0 # [m] the vehicle decelerates to be able to stop in front of object with margin
# params for ego's slow down velocity. These params are not used for the case of "enable_rtc: false".
slow_down:
@@ -30,7 +30,7 @@
enable_stuck_check_in_intersection: false # [-] flag to enable stuck vehicle checking for crosswalk which is in intersection
stuck_vehicle_velocity: 1.0 # [m/s] threshold velocity whether other vehicles are assumed to be stuck or not.
max_stuck_vehicle_lateral_offset: 2.0 # [m] The feature does not handle the vehicles farther than this value to the ego's path.
- stuck_vehicle_attention_range: 10.0 # [m] Ego does not enter the crosswalk area if a stuck vehicle exists within this distance from the end of the crosswalk on the ego's path.
+ required_clearance: 6.0 # [m] clearance to be secured between the ego and the ahead vehicle
min_acc: -1.0 # min acceleration [m/ss]
min_jerk: -1.0 # min jerk [m/sss]
max_jerk: 1.0 # max jerk [m/sss]
@@ -38,7 +38,7 @@
# params for the pass judge logic against the crosswalk users such as pedestrians or bicycles
pass_judge:
ego_pass_first_margin_x: [0.0] # [[s]] time to collision margin vector for ego pass first situation (the module judges that ego don't have to stop at TTC + MARGIN < TTV condition)
- ego_pass_first_margin_y: [6.0] # [[s]] time to vehicle margin vector for ego pass first situation (the module judges that ego don't have to stop at TTC + MARGIN < TTV condition)
+ ego_pass_first_margin_y: [3.0] # [[s]] time to vehicle margin vector for ego pass first situation (the module judges that ego don't have to stop at TTC + MARGIN < TTV condition)
ego_pass_first_additional_margin: 0.5 # [s] additional time margin for ego pass first situation to suppress chattering
ego_pass_later_margin_x: [0.0] # [[s]] time to vehicle margin vector for object pass first situation (the module judges that ego don't have to stop at TTV + MARGIN < TTC condition)
ego_pass_later_margin_y: [10.0] # [[s]] time to collision margin vector for object pass first situation (the module judges that ego don't have to stop at TTV + MARGIN < TTC condition)
@@ -50,19 +50,19 @@
min_jerk: -1.0 # min jerk [m/sss]
max_jerk: 1.0 # max jerk [m/sss]
- stop_object_velocity_threshold: 0.28 # [m/s] velocity threshold for the module to judge whether the objects is stopped (0.28 m/s = 1.0 kmph)
+ stop_object_velocity_threshold: 0.25 # [m/s] velocity threshold for the module to judge whether the objects is stopped (0.25 m/s = 0.9 kmph)
min_object_velocity: 1.39 # [m/s] minimum object velocity (compare the estimated velocity by perception module with this parameter and adopt the larger one to calculate TTV. 1.39 m/s = 5.0 kmph)
## param for yielding
- disable_stop_for_yield_cancel: false # for the crosswalks with traffic signal
- disable_yield_for_new_stopped_object: false # for the crosswalks with traffic signal
+ disable_stop_for_yield_cancel: true # for the crosswalks with traffic signal
+ disable_yield_for_new_stopped_object: true # for the crosswalks with traffic signal
# If the pedestrian does not move for X seconds after the ego has stopped in front the crosswalk, the module judge that the pedestrian has no intention to walk and allows the ego to proceed.
distance_map_for_no_intention_to_walk: [1.0, 5.0] # [m] ascending order
- timeout_map_for_no_intention_to_walk: [3.0, 0.0] # [s]
- timeout_ego_stop_for_yield: 3.0 # [s] If the ego maintains the stop for this amount of time, then the ego proceeds, assuming it has stopped long time enough.
+ timeout_map_for_no_intention_to_walk: [1.0, 0.0] # [s]
+ timeout_ego_stop_for_yield: 1.0 # [s] If the ego maintains the stop for this amount of time, then the ego proceeds, assuming it has stopped long time enough.
# param for target object filtering
object_filtering:
- crosswalk_attention_range: 1.0 # [m] the detection area is defined as -X meters before the crosswalk to +X meters behind the crosswalk
+ crosswalk_attention_range: 2.0 # [m] the detection area is defined as -X meters before the crosswalk to +X meters behind the crosswalk
vehicle_object_cross_angle_threshold: 0.5 # [rad] threshold judging object is crossing walkway as a pedestrian or passing over as a vehicle
target_object:
unknown: true # [-] whether to look and stop by UNKNOWN objects
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/dynamic_obstacle_stop.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/dynamic_obstacle_stop.param.yaml
new file mode 100644
index 0000000000..14483093e8
--- /dev/null
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/dynamic_obstacle_stop.param.yaml
@@ -0,0 +1,10 @@
+/**:
+ ros__parameters:
+ dynamic_obstacle_stop: # module to stop or before entering the immediate path of a moving object
+ extra_object_width: 1.0 # [m] extra width around detected objects
+ minimum_object_velocity: 0.5 # [m/s] objects with a velocity bellow this value are ignored
+ stop_distance_buffer: 0.5 # [m] extra distance to add between the stop point and the collision point
+ time_horizon: 5.0 # [s] time horizon used for collision checks
+ hysteresis: 1.0 # [m] once a collision has been detected, this hysteresis is used on the collision detection
+ decision_duration_buffer : 1.0 # [s] duration between no collision being detected and the stop decision being cancelled
+ minimum_object_distance_from_ego_path: 1.0 # [m] minimum distance between the footprints of ego and an object to consider for collision
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/intersection.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/intersection.param.yaml
index 6fc136c512..86bcf801f4 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/intersection.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/intersection.param.yaml
@@ -12,6 +12,7 @@
max_accel: -2.8
max_jerk: -5.0
delay_response_time: 0.5
+ enable_pass_judge_before_default_stopline: false
stuck_vehicle:
turn_direction:
@@ -36,7 +37,6 @@
consider_wrong_direction_vehicle: false
collision_detection_hold_time: 0.5
min_predicted_path_confidence: 0.05
- keep_detection_velocity_threshold: 0.833
velocity_profile:
use_upstream: true
minimum_upstream_velocity: 0.01
@@ -59,6 +59,8 @@
object_expected_deceleration: 2.0
ignore_on_red_traffic_light:
object_margin_to_path: 2.0
+ avoid_collision_by_acceleration:
+ object_time_margin_to_collision_point: 4.0
occlusion:
enable: false
@@ -67,12 +69,12 @@
occupied_min: 58
denoise_kernel: 1.0
attention_lane_crop_curvature_threshold: 0.25
- attention_lane_curvature_calculation_ds: 0.5
+ attention_lane_curvature_calculation_ds: 0.6
creep_during_peeking:
enable: false
creep_velocity: 0.8333
peeking_offset: -0.5
- occlusion_required_clearance_distance: 55
+ occlusion_required_clearance_distance: 55.0
possible_object_bbox: [1.5, 2.5]
ignore_parked_vehicle_speed_threshold: 0.8333
occlusion_detection_hold_time: 1.5
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/run_out.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/run_out.param.yaml
index 86bcf34382..196f7c6296 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/run_out.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/run_out.param.yaml
@@ -3,7 +3,7 @@
run_out:
detection_method: "Object" # [-] candidate: Object, ObjectWithoutPath, Points
use_partition_lanelet: true # [-] whether to use partition lanelet map data
- suppress_on_crosswalk: true # [-] whether to suppress on crosswalk lanelet:
+ suppress_on_crosswalk: true # [-] whether to suppress on crosswalk lanelet
specify_decel_jerk: true # [-] whether to specify jerk when ego decelerates
stop_margin: 2.5 # [m] the vehicle decelerates to be able to stop with this margin
passing_margin: 1.1 # [m] the vehicle begins to accelerate if the vehicle's front in predicted position is ahead of the obstacle + this margin
@@ -12,15 +12,7 @@
detection_span: 1.0 # [m] calculate collision with this span to reduce calculation time
min_vel_ego_kmph: 3.6 # [km/h] min velocity to calculate time to collision
- detection_area:
- margin_behind: 0.5 # [m] ahead margin for detection area length
- margin_ahead: 1.0 # [m] behind margin for detection area length
-
- # This area uses points not filtered by vector map to ensure safety
- mandatory_area:
- decel_jerk: -1.2 # [m/s^3] deceleration jerk for obstacles in this area
-
- # parameter to create abstracted dynamic obstacles
+ # Parameter to create abstracted dynamic obstacles
dynamic_obstacle:
use_mandatory_area: false # [-] whether to use mandatory detection area
assume_fixed_velocity:
@@ -34,26 +26,42 @@
time_step: 0.5 # [sec] time step for each path step. used for creating dynamic obstacles from points or objects without path
points_interval: 0.1 # [m] divide obstacle points into groups with this interval, and detect only lateral nearest point. used only for Points method
- # approach if ego has stopped in the front of the obstacle for a certain amount of time
- approaching:
- enable: false
- margin: 0.0 # [m] distance on how close ego approaches the obstacle
- limit_vel_kmph: 3.0 # [km/h] limit velocity for approaching after stopping
-
- # parameters for the change of state. used only when approaching is enabled
- state:
- stop_thresh: 0.01 # [m/s] threshold to decide if ego is stopping
- stop_time_thresh: 3.0 # [sec] threshold for stopping time to transit to approaching state
- disable_approach_dist: 3.0 # [m] end the approaching state if distance to the obstacle is longer than this value
- keep_approach_duration: 1.0 # [sec] keep approach state for this duration to avoid chattering of state transition
-
- # parameter to avoid sudden stopping
+ # Parameter to prevent sudden stopping.
+ # If the deceleration jerk and acceleration exceed this value upon inserting a stop point,
+ # the deceleration will be moderated to stay under this value.
slow_down_limit:
enable: false
max_jerk: -0.7 # [m/s^3] minimum jerk deceleration for safe brake.
max_acc : -2.0 # [m/s^2] minimum accel deceleration for safe brake.
- # prevent abrupt stops caused by false positives in perception
+ # Parameter to prevent abrupt stops caused by false positives in perception
ignore_momentary_detection:
enable: true
time_threshold: 0.15 # [sec] ignores detections that persist for less than this duration
+
+ # Typically used when the "detection_method" is set to ObjectWithoutPath or Points
+ # Approach if the ego has stopped in front of the obstacle for a certain period
+ # This avoids the issue of the ego continuously stopping in front of the obstacle
+ approaching:
+ enable: false
+ margin: 0.0 # [m] distance on how close ego approaches the obstacle
+ limit_vel_kmph: 3.0 # [km/h] limit velocity for approaching after stopping
+ # Parameters for state change when "approaching" is enabled
+ state:
+ stop_thresh: 0.01 # [m/s] threshold to decide if ego is stopping
+ stop_time_thresh: 3.0 # [sec] threshold for stopping time to transit to approaching state
+ disable_approach_dist: 3.0 # [m] end the approaching state if distance to the obstacle is longer than this value
+ keep_approach_duration: 1.0 # [sec] keep approach state for this duration to avoid chattering of state transition
+
+ # Only used when "detection_method" is set to Points
+ # Filters points by the detection area polygon to reduce computational cost
+ # The detection area is calculated based on the current velocity and acceleration and deceleration jerk constraints
+ detection_area:
+ margin_behind: 0.5 # [m] ahead margin for detection area length
+ margin_ahead: 1.0 # [m] behind margin for detection area length
+
+ # Only used when "detection_method" is set to Points
+ # Points in this area are detected even if it is in the no obstacle segmentation area
+ # The mandatory area is calculated based on the current velocity and acceleration and "decel_jerk" constraints
+ mandatory_area:
+ decel_jerk: -1.2 # [m/s^3] deceleration jerk for obstacles in this area
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/walkway.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/walkway.param.yaml
index f21e3d12db..07f493edcd 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/walkway.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/walkway.param.yaml
@@ -1,5 +1,5 @@
/**:
ros__parameters:
walkway:
- stop_duration: 1.0 # [s] stop time at stop position
+ stop_duration: 0.1 # [s] stop time at stop position
stop_distance_from_crosswalk: 3.5 # [m] make stop line away from crosswalk when no explicit stop line exists
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_avoidance_planner/obstacle_avoidance_planner.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_avoidance_planner/obstacle_avoidance_planner.param.yaml
index 9ab8f42bcf..db89a81e47 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_avoidance_planner/obstacle_avoidance_planner.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_avoidance_planner/obstacle_avoidance_planner.param.yaml
@@ -31,7 +31,7 @@
max_ego_moving_dist: 5.0 # threshold of ego's moving distance for replan [m]
# make max_goal_moving_dist long to keep start point fixed for pull over
max_goal_moving_dist: 15.0 # threshold of goal's moving distance for replan [m]
- max_delta_time_sec: 1.0 # threshold of delta time for replan [second]
+ max_delta_time_sec: 0.0 # threshold of delta time for replan [second]
# mpt param
mpt:
@@ -40,7 +40,7 @@
steer_limit_constraint: false
visualize_sampling_num: 1
enable_manual_warm_start: false
- enable_warm_start: true
+ enable_warm_start: false
enable_optimization_validation: false
common:
@@ -62,7 +62,7 @@
# weight parameter for optimization
weight:
# collision free
- soft_collision_free_weight: 1000.0 # soft weight for lateral error around the middle point
+ soft_collision_free_weight: 1.0 # soft weight for lateral error around the middle point
# tracking error
lat_error_weight: 1.0 # weight for lateral error
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_cruise_planner/obstacle_cruise_planner.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_cruise_planner/obstacle_cruise_planner.param.yaml
index 90e897fda3..2ff87e9b01 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_cruise_planner/obstacle_cruise_planner.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_cruise_planner/obstacle_cruise_planner.param.yaml
@@ -85,17 +85,22 @@
obstacle_traj_angle_threshold : 1.22 # [rad] = 70 [deg], yaw threshold of crossing obstacle against the nearest trajectory point for cruise or stop
stop:
- max_lat_margin: 0.0 # lateral margin between obstacle and trajectory band with ego's width
+ max_lat_margin: 0.2 # lateral margin between obstacle and trajectory band with ego's width
crossing_obstacle:
collision_time_margin : 4.0 # time threshold of collision between obstacle adn ego for cruise or stop [s]
cruise:
max_lat_margin: 1.0 # lateral margin between obstacle and trajectory band with ego's width
outside_obstacle:
- obstacle_velocity_threshold : 3.0 # minimum velocity threshold of obstacles outside the trajectory to cruise or stop [m/s]
- ego_obstacle_overlap_time_threshold : 1.0 # time threshold to decide cut-in obstacle for cruise or stop [s]
+ obstacle_velocity_threshold : 3.5 # minimum velocity threshold of obstacles outside the trajectory to cruise or stop [m/s]
+ ego_obstacle_overlap_time_threshold : 2.0 # time threshold to decide cut-in obstacle for cruise or stop [s]
max_prediction_time_for_collision_check : 20.0 # prediction time to check collision between obstacle and ego
-
+ yield:
+ enable_yield: false
+ lat_distance_threshold: 5.0 # lateral margin between obstacle in neighbor lanes and trajectory band with ego's width for yielding
+ max_lat_dist_between_obstacles: 2.5 # lateral margin between moving obstacle in neighbor lanes and stopped obstacle in front of it
+ max_obstacles_collision_time: 10.0 # how far the blocking obstacle
+ stopped_obstacle_velocity_threshold: 0.5
slow_down:
max_lat_margin: 1.1 # lateral margin between obstacle and trajectory band with ego's width
lat_hysteresis_margin: 0.2
@@ -187,7 +192,7 @@
static:
min_lat_margin: 0.2
max_lat_margin: 1.0
- min_ego_velocity: 2.0
+ min_ego_velocity: 4.0
max_ego_velocity: 8.0
moving_object_speed_threshold: 0.5 # [m/s] how fast the object needs to move to be considered as "moving"
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_stop_planner/obstacle_stop_planner.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_stop_planner/obstacle_stop_planner.param.yaml
index c804cea577..8e215a1bcf 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_stop_planner/obstacle_stop_planner.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/obstacle_stop_planner/obstacle_stop_planner.param.yaml
@@ -17,7 +17,7 @@
# params for stop position
stop_position:
max_longitudinal_margin: 5.0 # stop margin distance from obstacle on the path [m]
- max_longitudinal_margin_behind_goal: 3.0 # stop margin distance from obstacle behind goal on the path [m]
+ max_longitudinal_margin_behind_goal: 2.5 # stop margin distance from obstacle behind goal on the path [m]
min_longitudinal_margin: 5.0 # stop margin distance when any other stop point is inserted in stop margin [m]
hold_stop_margin_distance: 0.0 # the ego keeps stopping if the ego is in this margin [m]
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/path_smoother/elastic_band_smoother.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/path_smoother/elastic_band_smoother.param.yaml
index c67d29c418..a9e71368e3 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/path_smoother/elastic_band_smoother.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/path_smoother/elastic_band_smoother.param.yaml
@@ -44,4 +44,4 @@
max_ego_moving_dist: 5.0 # threshold of ego's moving distance for replan [m]
# make max_goal_moving_dist long to keep start point fixed for pull over
max_goal_moving_dist: 15.0 # threshold of goal's moving distance for replan [m]
- max_delta_time_sec: 1.0 # threshold of delta time for replan [second]
+ max_delta_time_sec: 0.0 # threshold of delta time for replan [second]
diff --git a/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/surround_obstacle_checker/surround_obstacle_checker.param.yaml b/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/surround_obstacle_checker/surround_obstacle_checker.param.yaml
index 5ec10572ff..7f72420b3a 100644
--- a/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/surround_obstacle_checker/surround_obstacle_checker.param.yaml
+++ b/autoware_launch/config/planning/scenario_planning/lane_driving/motion_planning/surround_obstacle_checker/surround_obstacle_checker.param.yaml
@@ -9,7 +9,7 @@
surround_check_side_distance: 0.5
surround_check_back_distance: 0.5
unknown:
- enable_check: true
+ enable_check: false
surround_check_front_distance: 0.5
surround_check_side_distance: 0.5
surround_check_back_distance: 0.5
@@ -17,22 +17,22 @@
enable_check: true
surround_check_front_distance: 0.5
surround_check_side_distance: 0.0
- surround_check_back_distance: 0.5
+ surround_check_back_distance: 0.0
truck:
enable_check: true
surround_check_front_distance: 0.5
surround_check_side_distance: 0.0
- surround_check_back_distance: 0.5
+ surround_check_back_distance: 0.0
bus:
enable_check: true
surround_check_front_distance: 0.5
surround_check_side_distance: 0.0
- surround_check_back_distance: 0.5
+ surround_check_back_distance: 0.0
trailer:
enable_check: true
surround_check_front_distance: 0.5
surround_check_side_distance: 0.0
- surround_check_back_distance: 0.5
+ surround_check_back_distance: 0.0
motorcycle:
enable_check: true
surround_check_front_distance: 0.5
@@ -49,9 +49,9 @@
surround_check_side_distance: 0.5
surround_check_back_distance: 0.5
- surround_check_hysteresis_distance: 0.3
+ surround_check_hysteresis_distance: 0.1
- state_clear_time: 2.0
+ state_clear_time: 0.2
# ego stop state
stop_state_ego_speed: 0.1 #[m/s]
diff --git a/autoware_launch/config/simulator/fault_injection.param.yaml b/autoware_launch/config/simulator/fault_injection.param.yaml
index 1a57b852f7..ac02442d70 100644
--- a/autoware_launch/config/simulator/fault_injection.param.yaml
+++ b/autoware_launch/config/simulator/fault_injection.param.yaml
@@ -4,7 +4,7 @@
vehicle_is_out_of_lane: "lane_departure"
trajectory_deviation_is_high: "trajectory_deviation"
localization_matching_score_is_low: "ndt_scan_matcher"
- localization_accuracy_is_low: "localization_accuracy"
+ localization_accuracy_is_low: "localization_error_ellipse"
map_version_is_different: "map_version"
trajectory_is_invalid: "trajectory_point_validation"
cpu_temperature_is_high: "CPU Temperature"
diff --git a/autoware_launch/config/system/system_error_monitor/system_error_monitor.awsim.param.yaml b/autoware_launch/config/system/system_error_monitor/system_error_monitor.awsim.param.yaml
index 2f98f9d0e2..69e3831591 100644
--- a/autoware_launch/config/system/system_error_monitor/system_error_monitor.awsim.param.yaml
+++ b/autoware_launch/config/system/system_error_monitor/system_error_monitor.awsim.param.yaml
@@ -23,7 +23,7 @@
/autoware/localization/node_alive_monitoring: default
/autoware/localization/performance_monitoring/matching_score: { sf_at: "warn", lf_at: "none", spf_at: "none" }
- /autoware/localization/performance_monitoring/localization_accuracy: { sf_at: "warn", lf_at: "none", spf_at: "none" }
+ /autoware/localization/performance_monitoring/localization_error_ellipse: { sf_at: "warn", lf_at: "none", spf_at: "none" }
/autoware/map/node_alive_monitoring: default
diff --git a/autoware_launch/config/system/system_error_monitor/system_error_monitor.param.yaml b/autoware_launch/config/system/system_error_monitor/system_error_monitor.param.yaml
index 6a763eace4..d8229425af 100644
--- a/autoware_launch/config/system/system_error_monitor/system_error_monitor.param.yaml
+++ b/autoware_launch/config/system/system_error_monitor/system_error_monitor.param.yaml
@@ -23,7 +23,7 @@
/autoware/localization/node_alive_monitoring: default
/autoware/localization/performance_monitoring/matching_score: { sf_at: "warn", lf_at: "none", spf_at: "none" }
- /autoware/localization/performance_monitoring/localization_accuracy: default
+ /autoware/localization/performance_monitoring/localization_error_ellipse: default
/autoware/localization/performance_monitoring/sensor_fusion_status: { sf_at: "error", lf_at: "none", spf_at: "none" }
/autoware/map/node_alive_monitoring: default
diff --git a/autoware_launch/config/system/system_error_monitor/system_error_monitor.planning_simulation.param.yaml b/autoware_launch/config/system/system_error_monitor/system_error_monitor.planning_simulation.param.yaml
index 3fd6264376..deddf33b34 100644
--- a/autoware_launch/config/system/system_error_monitor/system_error_monitor.planning_simulation.param.yaml
+++ b/autoware_launch/config/system/system_error_monitor/system_error_monitor.planning_simulation.param.yaml
@@ -24,7 +24,7 @@
/autoware/localization/node_alive_monitoring: default
# /autoware/localization/performance_monitoring/matching_score: { sf_at: "warn", lf_at: "none", spf_at: "none" }
- # /autoware/localization/performance_monitoring/localization_accuracy: default
+ # /autoware/localization/performance_monitoring/localization_error_ellipse: default
/autoware/map/node_alive_monitoring: default
diff --git a/autoware_launch/config/vehicle/raw_vehicle_cmd_converter/raw_vehicle_cmd_converter.param.yaml b/autoware_launch/config/vehicle/raw_vehicle_cmd_converter/raw_vehicle_cmd_converter.param.yaml
new file mode 100644
index 0000000000..f6676bdbe7
--- /dev/null
+++ b/autoware_launch/config/vehicle/raw_vehicle_cmd_converter/raw_vehicle_cmd_converter.param.yaml
@@ -0,0 +1,25 @@
+/**:
+ ros__parameters:
+ convert_accel_cmd: true
+ convert_brake_cmd: true
+ convert_steer_cmd: false
+ use_steer_ff: true
+ use_steer_fb: true
+ is_debugging: false
+ max_throttle: 0.4
+ max_brake: 0.8
+ max_steer: 10.0
+ min_steer: -10.0
+ steer_pid:
+ kp: 150.0
+ ki: 15.0
+ kd: 0.0
+ max: 8.0
+ min: -8.0
+ max_p: 8.0
+ min_p: -8.0
+ max_i: 8.0
+ min_i: -8.0
+ max_d: 0.0
+ min_d: 0.0
+ invalid_integration_decay: 0.97
diff --git a/autoware_launch/launch/autoware.launch.xml b/autoware_launch/launch/autoware.launch.xml
index 80822d0146..7de7741be2 100644
--- a/autoware_launch/launch/autoware.launch.xml
+++ b/autoware_launch/launch/autoware.launch.xml
@@ -2,8 +2,8 @@
-
-
+
+
@@ -44,6 +44,8 @@
+
+
@@ -69,6 +71,7 @@
+
@@ -103,6 +106,7 @@
+
diff --git a/autoware_launch/launch/components/tier4_localization_component.launch.xml b/autoware_launch/launch/components/tier4_localization_component.launch.xml
index 88b326b2f7..70170a5fef 100644
--- a/autoware_launch/launch/components/tier4_localization_component.launch.xml
+++ b/autoware_launch/launch/components/tier4_localization_component.launch.xml
@@ -4,15 +4,19 @@
+
-
-
+
@@ -21,6 +25,7 @@
+
diff --git a/autoware_launch/launch/components/tier4_map_component.launch.xml b/autoware_launch/launch/components/tier4_map_component.launch.xml
index 3062a6cedd..455b848c63 100644
--- a/autoware_launch/launch/components/tier4_map_component.launch.xml
+++ b/autoware_launch/launch/components/tier4_map_component.launch.xml
@@ -1,10 +1,13 @@
-
-
+
+
+
+
+
diff --git a/autoware_launch/launch/components/tier4_perception_component.launch.xml b/autoware_launch/launch/components/tier4_perception_component.launch.xml
index 49156fba51..a84911a414 100644
--- a/autoware_launch/launch/components/tier4_perception_component.launch.xml
+++ b/autoware_launch/launch/components/tier4_perception_component.launch.xml
@@ -13,7 +13,6 @@
-
@@ -48,6 +47,18 @@
name="object_recognition_detection_fusion_sync_param_path"
value="$(find-pkg-share autoware_launch)/config/perception/object_recognition/detection/image_projection_based_fusion/roi_sync.param.yaml"
/>
+
+
+
+
+
+
+
+
-
+
-
+
+
diff --git a/autoware_launch/launch/components/tier4_planning_component.launch.xml b/autoware_launch/launch/components/tier4_planning_component.launch.xml
index 5fb17541cd..4e65c30c02 100644
--- a/autoware_launch/launch/components/tier4_planning_component.launch.xml
+++ b/autoware_launch/launch/components/tier4_planning_component.launch.xml
@@ -2,12 +2,14 @@
+
+
@@ -24,7 +26,7 @@
-
+
@@ -49,6 +51,7 @@
+
diff --git a/autoware_launch/launch/e2e_simulator.launch.xml b/autoware_launch/launch/e2e_simulator.launch.xml
index d920584c6c..4d978dc3fa 100644
--- a/autoware_launch/launch/e2e_simulator.launch.xml
+++ b/autoware_launch/launch/e2e_simulator.launch.xml
@@ -2,8 +2,8 @@
-
-
+
+
diff --git a/autoware_launch/launch/logging_simulator.launch.xml b/autoware_launch/launch/logging_simulator.launch.xml
index a2b66e91ed..57cbc38af6 100644
--- a/autoware_launch/launch/logging_simulator.launch.xml
+++ b/autoware_launch/launch/logging_simulator.launch.xml
@@ -2,8 +2,8 @@
-
-
+
+
diff --git a/autoware_launch/launch/planning_simulator.launch.xml b/autoware_launch/launch/planning_simulator.launch.xml
index 28a0f0e347..d19c7308f0 100644
--- a/autoware_launch/launch/planning_simulator.launch.xml
+++ b/autoware_launch/launch/planning_simulator.launch.xml
@@ -2,8 +2,8 @@
-
-
+
+
@@ -30,6 +30,8 @@
+
+
@@ -63,6 +65,8 @@
+
+
diff --git a/autoware_launch/launch/pointcloud_container.launch.py b/autoware_launch/launch/pointcloud_container.launch.py
index 87c46bce69..650e555e27 100644
--- a/autoware_launch/launch/pointcloud_container.launch.py
+++ b/autoware_launch/launch/pointcloud_container.launch.py
@@ -19,6 +19,7 @@
from launch.conditions import UnlessCondition
from launch.substitutions import LaunchConfiguration
from launch_ros.actions import ComposableNodeContainer
+from launch_ros.descriptions import ComposableNode
def generate_launch_description():
@@ -37,13 +38,20 @@ def add_launch_arg(name: str, default_value=None):
condition=IfCondition(LaunchConfiguration("use_multithread")),
)
+ glog_component = ComposableNode(
+ package="glog_component",
+ plugin="GlogComponent",
+ name="glog_component",
+ namespace="pointcloud_container",
+ )
+
pointcloud_container = ComposableNodeContainer(
name=LaunchConfiguration("container_name"),
namespace="/",
package="rclcpp_components",
executable=LaunchConfiguration("container_executable"),
- composable_node_descriptions=[],
- output="screen",
+ composable_node_descriptions=[glog_component],
+ output="both",
)
return LaunchDescription(
diff --git a/autoware_launch/rviz/autoware.rviz b/autoware_launch/rviz/autoware.rviz
index bc22eadb70..4301034e74 100644
--- a/autoware_launch/rviz/autoware.rviz
+++ b/autoware_launch/rviz/autoware.rviz
@@ -58,58 +58,6 @@ Visualization Manager:
Value: false
- Class: rviz_common/Group
Displays:
- - Class: rviz_plugins/SteeringAngle
- Enabled: true
- Name: SteeringAngle
- Scale: 17
- Text Color: 25; 255; 240
- Topic:
- Depth: 5
- Durability Policy: Volatile
- History Policy: Keep Last
- Reliability Policy: Reliable
- Value: /vehicle/status/steering_status
- Value: true
- Value height offset: 0
- - Class: rviz_plugins/ConsoleMeter
- Enabled: true
- Name: ConsoleMeter
- Scale: 3
- Text Color: 25; 255; 240
- Topic:
- Depth: 5
- Durability Policy: Volatile
- History Policy: Keep Last
- Reliability Policy: Reliable
- Value: /vehicle/status/velocity_status
- Value: true
- Value height offset: 0
- - Class: rviz_plugins/AccelerationMeter
- Enabled: false
- Name: AccelerationMeter
- Topic:
- Depth: 5
- Durability Policy: Volatile
- History Policy: Keep Last
- Reliability Policy: Reliable
- Value: /localization/acceleration
- - Alpha: 0.999
- Class: rviz_plugins/VelocityHistory
- Color Border Vel Max: 3
- Constant Color:
- Color: 255; 255; 255
- Value: true
- Enabled: true
- Name: VelocityHistory
- Scale: 0.30000001192092896
- Timeout: 10
- Topic:
- Depth: 5
- Durability Policy: Volatile
- History Policy: Keep Last
- Reliability Policy: Reliable
- Value: /vehicle/status/velocity_status
- Value: true
- Alpha: 0.30000001192092896
Class: rviz_default_plugins/RobotModel
Collision Enabled: false
@@ -296,27 +244,22 @@ Visualization Manager:
Value: true
Wave Color: 255; 255; 255
Wave Velocity: 40
- - Class: rviz_plugins/MaxVelocity
- Enabled: true
- Name: MaxVelocity
- Text Color: 255; 255; 255
- Topic:
- Depth: 5
- Durability Policy: Volatile
- History Policy: Keep Last
- Reliability Policy: Reliable
- Value: /planning/scenario_planning/current_max_velocity
- Value: true
- - Class: rviz_plugins/TurnSignal
+ - Class: awf_2d_overlay_vehicle/SignalDisplay
Enabled: true
- Name: TurnSignal
- Topic:
- Depth: 5
- Durability Policy: Volatile
- History Policy: Keep Last
- Reliability Policy: Reliable
- Value: /vehicle/status/turn_indicators_status
+ Gear Topic Test: /vehicle/status/gear_status
+ Hazard Lights Topic: /vehicle/status/hazard_lights_status
+ Height: 175
+ Left: 10
+ Name: SignalDisplay
+ Signal Color: 94; 130; 255
+ Speed Limit Topic: /planning/scenario_planning/current_max_velocity
+ Speed Topic: /vehicle/status/velocity_status
+ Steering Topic: /vehicle/status/steering_status
+ Top: 10
+ Traffic Topic: /perception/traffic_light_recognition/traffic_signals
+ Turn Signals Topic: /vehicle/status/turn_indicators_status
Value: true
+ Width: 517
Enabled: true
Name: Vehicle
- Class: rviz_plugins/MrmSummaryOverlayDisplay
@@ -397,6 +340,7 @@ Visualization Manager:
shoulder_road_lanelets: false
traffic_light: true
traffic_light_id: false
+ traffic_light_reg_elem_id: false
traffic_light_triangle: true
walkway_lanelets: true
hatched_road_markings_bound: true
@@ -1676,6 +1620,18 @@ Visualization Manager:
Reliability Policy: Reliable
Value: /planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/virtual_wall/no_drivable_lane
Value: true
+ - Class: rviz_default_plugins/MarkerArray
+ Enabled: true
+ Name: VirtualWall (DynamicObstacleStop)
+ Namespaces:
+ {}
+ Topic:
+ Depth: 5
+ Durability Policy: Volatile
+ History Policy: Keep Last
+ Reliability Policy: Reliable
+ Value: /planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/virtual_wall/dynamic_obstacle_stop
+ Value: true
Enabled: true
Name: VirtualWall
- Class: rviz_common/Group
@@ -1944,6 +1900,18 @@ Visualization Manager:
Reliability Policy: Reliable
Value: /planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/debug/no_drivable_lane
Value: false
+ - Class: rviz_default_plugins/MarkerArray
+ Enabled: false
+ Name: DynamicObstacleStop
+ Namespaces:
+ {}
+ Topic:
+ Depth: 5
+ Durability Policy: Volatile
+ History Policy: Keep Last
+ Reliability Policy: Reliable
+ Value: /planning/scenario_planning/lane_driving/behavior_planning/behavior_velocity_planner/debug/dynamic_obstacle_stop
+ Value: false
Enabled: false
Name: DebugMarker
- Class: rviz_common/Group
@@ -2682,15 +2650,10 @@ Visualization Manager:
TF: true
Value: false
Vehicle:
- AccelerationMeter: true
- ConsoleMeter: true
- MaxVelocity: true
PolarGridDisplay: true
- SteeringAngle: true
- TurnSignal: true
Value: true
VehicleModel: true
- VelocityHistory: true
+ SignalDisplay: true
Value: true
Zoom Factor: 1
- Alpha: 1
@@ -3624,6 +3587,22 @@ Visualization Manager:
Value: true
Enabled: true
Name: Objects Of Interest
+ - Class: rviz_plugins/StringStampedOverlayDisplay
+ Enabled: true
+ Font Size: 15
+ Left: 1024
+ Max Letter Num: 100
+ Name: StringStampedOverlayDisplay
+ Text Color: 25; 255; 240
+ Top: 128
+ Topic:
+ Depth: 5
+ Durability Policy: Volatile
+ History Policy: Keep Last
+ Reliability Policy: Reliable
+ Value: /planning/scenario_planning/lane_driving/behavior_planning/behavior_path_planner/debug/internal_state
+ Value: true
+ Value height offset: 0
Enabled: true
Name: Planning
- Class: rviz_common/Group
diff --git a/autoware_launch/rviz/image/autoware.png b/autoware_launch/rviz/image/autoware.png
index cf2d1e8eff..3b27ce5fbc 100644
Binary files a/autoware_launch/rviz/image/autoware.png and b/autoware_launch/rviz/image/autoware.png differ