车辆轨迹预测系列 (五):Argoverse API Forecasting Tutorial代码解析

车辆轨迹预测系列 (五):Argoverse API Forecasting Tutorial代码解析

文章目录

  • 车辆轨迹预测系列 (五):Argoverse API Forecasting Tutorial代码解析
      • 一、argoverse.data_loading.argoverse_forecasting_loader
      • 二、argoverse.visualization.visualize_sequences( viz_sequence )
      • 三、argoverse.map_representation(map_api)
      • 四、参考

本文简单介绍Argoverse API中 demo_usage/argoverse_forecasting_tutorial.ipynb所使用到的方法

  • https://github.com/argoverse/argoverse-api?tab=readme-ov-file

image-20240627172616095

此外,官方提供了文档说明,但是好像没有在线版本,文档需的位置在于./docs/index,html

image-20240627191841202

和之前类似,为了方便起见,我这里提供一个mini版本数据集,用于快速调试。forecasting_sample.zip可以访问https://github.com/daetz-coder/VectorNet_Code_Replication/tree/main/argoverse-api下载

  • 保持argoverse-apiforecasting_sample在同一级中
  • pip install argoverse-api可以参考https://blog.csdn.net/a_student_2020/article/details/140000845

image-20240627175009692

具体的数据展示如下

image-20240628102210272

AV(Autonomous Vehicle)指的是自动驾驶汽车,也就是无人驾驶汽车(拍摄车辆)。

AGENT是指的是在汽车道路上行驶的所有车辆,包括自动驾驶汽车和人驾驶汽车。

OTHER是指的是道路上的其他物体,例如行人、自行车、摩托车等。

  • What does “AV” mean in the forecasting dataset? · Issue #58 · argoverse/argoverse-api · GitHub
  • argoverse数据集里面的AV,AGENT,OTHER是什么意思-CSDN博客

一、argoverse.data_loading.argoverse_forecasting_loader

image-20240627191841202

from argoverse.data_loading.argoverse_forecasting_loader import ArgoverseForecastingLoader

##set root_dir to the correct path to your dataset folder
root_dir = '../../forecasting_sample/data/'

afl = ArgoverseForecastingLoader(root_dir)

print('Total number of sequences:',len(afl))
  • __getitem__(key)[source]

    Get the DataLoader object for the sequence corresponding to the given index.Parameterskey (int) – index of the elementReturn typeArgoverseForecastingLoaderReturnsData Loader object for the given index

     def __getitem__(self, key: int) -> "ArgoverseForecastingLoader":
            """Get the DataLoader object for the sequence corresponding to the given index.
    
            Args:
                key: index of the element
    
            Returns:
                Data Loader object for the given index
            """
            self.counter = key
            self.current_seq = self.seq_list[self.counter]
            return self
    
  • __init__(root_dir)[source]

    Initialization function for the class.Parametersroot_dir (Union[str, Path]) – Path to the folder having sequence csv files

        def __init__(self, root_dir: Union[str, Path]):
            """Initialization function for the class.
    
            Args:
                root_dir: Path to the folder having sequence csv files
            """
            self.counter: int = 0
    
            root_dir = Path(root_dir)
            self.seq_list: Sequence[Path] = [(root_dir / x).absolute() for x in os.listdir(root_dir)]
    
            self.current_seq: Path = self.seq_list[self.counter]
    

    这里面的counter会默认设置初值0,这意味着从序列列表的第一个元素开始处理

    image-20240628101108744

  • __iter__()[source]

    Iterator for enumerating over sequences in the root_dir specified.Return typeArgoverseForecastingLoaderReturnsData Loader object for the first sequence in the data

  • __len__()[source]

    Get the number of sequences in the dataReturn typeintReturnsNumber of sequences in the data

  • __next__()[source]

    Get the Data Loader object for the next sequence in the data.Return typeArgoverseForecastingLoaderReturnsData Loader object for the next sequence in the data

    __iter____next__提供迭代器方法,使用 for 循环遍历它的行为如下:

    for argoverse_forecasting_data in afl:
        print(argoverse_forecasting_data)
    
    Seq : /root/autodl-tmp/TrajectoryPrediction/Argoverse1/argoverse-api/demo_usage_zh/../../forecasting_sample/data/11800.csv
            ----------------------
            || City: PIT
            || # Tracks: 42
            ----------------------
    Seq : /root/autodl-tmp/TrajectoryPrediction/Argoverse1/argoverse-api/demo_usage_zh/../../forecasting_sample/data/16177.csv
            ----------------------
            || City: MIA
            || # Tracks: 19
            ----------------------
    Seq : /root/autodl-tmp/TrajectoryPrediction/Argoverse1/argoverse-api/demo_usage_zh/../../forecasting_sample/data/2468.csv
            ----------------------
            || City: MIA
            || # Tracks: 24
            ----------------------
    Seq : /root/autodl-tmp/TrajectoryPrediction/Argoverse1/argoverse-api/demo_usage_zh/../../forecasting_sample/data/4674.csv
            ----------------------
            || City: MIA
            || # Tracks: 36
            ----------------------
    Seq : /root/autodl-tmp/TrajectoryPrediction/Argoverse1/argoverse-api/demo_usage_zh/../../forecasting_sample/data/893.csv
            ----------------------
            || City: MIA
            || # Tracks: 65
            ----------------------
    
  • __str__()[source]

    Decorator that returns a string storing some stats of the current sequenceReturn typestrReturnsA string storing some stats of the current sequence

    生成关于当前处理序列的描述性文本,包括序列的关键统计信息citytrack_id_list

    def __str__(self) -> str:
            """Decorator that returns a string storing some stats of the current sequence
    
            Returns:
                A string storing some stats of the current sequence
            """
            return f"""Seq : {self.current_seq}
            ----------------------
            || City: {self.city}
            || # Tracks: {len(self.track_id_list)}
            ----------------------"""
    
  • propertyagent_traj

    Get the trajectory for the track of type ‘AGENT’ in the current sequence.Return typendarrayReturnsnumpy array of shape (seq_len x 2) for the agent trajectory

        @property
        def agent_traj(self) -> np.ndarray:
            """Get the trajectory for the track of type 'AGENT' in the current sequence.
    
            Returns:
                numpy array of shape (seq_len x 2) for the agent trajectory
            """
            agent_x = self.seq_df[self.seq_df["OBJECT_TYPE"] == "AGENT"]["X"]
            agent_y = self.seq_df[self.seq_df["OBJECT_TYPE"] == "AGENT"]["Y"]
            agent_traj = np.column_stack((agent_x, agent_y))
            return agent_traj
    

    这里面的@property是一个装饰器,用于将类中的方法转换为属性。这使得你可以对类属性的访问和修改提供控制,通过方法实现逻辑处理,而外部代码则以访问属性的形式进行交互。

    这里面筛选出 DataFrame 中代理对象AGENT的所有数据点。这保证了从数据集中只选择与 “AGENT” 相关的行,用 np.column_stack((agent_x, agent_y))agent_xagent_y 合并为一个二维数组,其中第一列是 x 坐标,第二列是 y 坐标。这种结构非常适合表示二维空间中的轨迹点。

    agent_traj_list=afl.agent_traj
    agent_traj_list
    
    array([[3874.34248955, 2262.87782753],
           [3874.75196342, 2263.28835122],
           [3874.73567177, 2263.23172256],
           [3875.99990412, 2264.75068299],
           [3876.44776876, 2265.18167102],
           ...
           ])
    

    使用MATLAB绘图如下

    import matplotlib.pyplot as plt
    
    # 使用 Matplotlib 绘制轨迹
    plt.figure(figsize=(10, 6))  # 设置图形的显示大小
    plt.plot(agent_traj_list[:, 0], agent_traj_list[:, 1], marker='o', linestyle='-', color='b')  # 绘制线条和点
    plt.title('Agent Trajectory')  # 添加标题
    plt.xlabel('X Coordinate')  # 添加 x 轴标签
    plt.ylabel('Y Coordinate')  # 添加 y 轴标签
    plt.grid(True)  # 显示网格
    plt.show()  # 显示图形
    
    

    image-20240628102835164

  • propertycity

    Get the city name for the current sequence.Return typestrReturnscity name, i.e., either ‘PIT’ or ‘MIA’

    获取当前序列的城市名称,例如 “PIT” 或 “MIA”。

  • get(seq_id)[source]

    Get the DataLoader object for the given sequence path.Parametersseq_id (Union[Path, str]) – Fully qualified path to the sequenceReturn typeArgoverseForecastingLoaderReturnsData Loader object for the given sequence path

  • propertynum_tracks

    Get the number of tracks in the current sequence.Return typeintReturnsnumber of tracks in the current sequence

    获取当前序列中的轨迹数量。

        @property
        def num_tracks(self) -> int:
            """Get the number of tracks in the current sequence.
    
            Returns:
                number of tracks in the current sequence
            """
            return len(self.track_id_list)
    
    afl.num_tracks #42
    

    这里面是len(self.track_id_list),而track_id_list执行了np.unique,所以这里并不是seq_df的总长度(seq_df包含同一个物体在不同时间戳下的记录),而是不同物体的总数,具体内容可以看track_id_list

  • propertyseq_df

    Get the dataframe for the current sequence.Return typeDataFrameReturnspandas DataFrame for the current sequence

    获取当前序列的完整数据

        @property
        def seq_df(self) -> pd.DataFrame:
            """Get the dataframe for the current sequence.
    
            Returns:
                pandas DataFrame for the current sequence
            """
            return _read_csv(self.current_seq)
    

    image-20240628103459403

  • propertytrack_id_list

    Get the track ids in the current sequence.Return typeSequence[int]Returnslist of track ids in the current sequence

    获取当前序列中的轨迹 ID 列表。

        @property
        def track_id_list(self) -> List[int]:
            """Get the track ids in the current sequence.
    
            Returns:
                list of track ids in the current sequence
            """
            _track_id_list: List[int] = np.unique(self.seq_df["TRACK_ID"].values).tolist()
            return _track_id_list
    

    显示追踪的track_id列表,注意这里面需要进行np.unique是因为csv中包含多个时间段的记录,但记录的都是同一个物体,我们只需要一个track_id即可。

二、argoverse.visualization.visualize_sequences( viz_sequence )

image-20240628193352952

def viz_sequence(
    df: pd.DataFrame,
    lane_centerlines: Optional[List[np.ndarray]] = None,
    show: bool = True,
    smoothen: bool = False,
) -> None:

功能:

该方法用于可视化车辆轨迹数据,并可以选择性地显示车道中心线。可视化的轨迹数据可以进行平滑处理。

参数:

  • df (pd.DataFrame): 包含轨迹数据的Pandas DataFrame,必须包含 “CITY_NAME”, “X”, “Y”, “TRACK_ID”, 和 “OBJECT_TYPE” 列。
  • lane_centerlines (Optional[List[np.ndarray]]): 可选的车道中心线数据列表。如果为 None,则从Argoverse地图API中获取相应城市的车道中心线。
  • show (bool): 是否显示图形。如果为 True,则使用 plt.show() 显示图形。
  • smoothen (bool): 是否对轨迹数据进行平滑处理。如果为 True,则调用 interpolate_polyline 方法进行平滑处理。

实现细节:

  • 从输入的DataFrame中提取城市名称,并根据城市名称获取对应的车道中心线(如果未提供)。
  • 设置图形的显示范围为轨迹数据的范围。
  • 如果未提供车道中心线,则从Argoverse地图API中获取当前城市的车道中心线,并筛选出在轨迹数据范围内的车道中心线进行绘制。
  • 遍历轨迹数据,根据轨迹ID和对象类型进行分组并绘制每一组轨迹,使用不同颜色和标记表示不同类型的对象(AGENT, OTHERS, AV)。
  • 如果 smoothen 参数为 True,则对轨迹数据进行插值平滑处理。
  • 在图形中添加不同对象类型的图例。
  • 如果 show 参数为 True,则显示图形。
from argoverse.visualization.visualize_sequences import viz_sequence
seq_path = f"{root_dir}/11800.csv"
viz_sequence(afl.get(seq_path).seq_df, show=True)
seq_path = f"{root_dir}/893.csv"
viz_sequence(afl.get(seq_path).seq_df, show=True)

image-20240628114435500

image-20240628171538418

在上述图像中的红色表示AGENT的轨迹,绿色表示的是AV的轨,浅蓝色表示的是OTHERS

 color_dict = {"AGENT": "#d33e4c", "OTHERS": "#d3e8ef", "AV": "#007672"}

AV是(Autonomous Vehicle)指的是自动驾驶汽车

三、argoverse.map_representation(map_api)

from argoverse.map_representation.map_api import ArgoverseMap

avm = ArgoverseMap()

obs_len = 20

index = 2
seq_path = afl.seq_list[index]
agent_obs_traj = afl.get(seq_path).agent_traj[:obs_len]
candidate_centerlines = avm.get_candidate_centerlines_for_traj(agent_obs_traj, afl[index].city, viz=True)

index = 3
seq_path = afl.seq_list[index]
agent_obs_traj = afl.get(seq_path).agent_traj[:obs_len]
candidate_centerlines = avm.get_candidate_centerlines_for_traj(agent_obs_traj, afl[index].city, viz=True)

image-20240628173322900

  • 城市名称到城市ID的映射
self.city_name_to_city_id_dict = {"PIT": PITTSBURGH_ID, "MIA": MIAMI_ID}
  • 渲染窗口半径和图像缩放因子
self.render_window_radius = 150
self.im_scale_factor = 50
  • 调用 build_centerline_index 方法

    构建一个字典 city_lane_centerlines_dict,用于存储每个城市的车道中心线。

self.city_lane_centerlines_dict = self.build_centerline_index()

构建可行驶区域索引,构建一个字典 city_rasterized_da_roi_dict,用于存储每个城市的可行驶区域。

self.city_rasterized_da_roi_dict = self.build_city_driveable_area_roi_index()

构建地面高度索引,构建一个字典 city_rasterized_ground_height_dict,用于存储每个城市的地面高度数据。

self.city_rasterized_ground_height_dict = self.build_city_ground_height_index()
#功能:初始化四个字典,用于存储每个城市的相关数据。
    self.city_to_lane_polygons_dict #存储每个城市的车道多边形。
    self.city_to_driveable_areas_dict #存储每个城市的可行驶区域。
    self.city_to_lane_bboxes_dict #存储每个城市的车道边界框。
    self.city_to_da_bboxes_dict #存储每个城市的可行驶区域边界框。
#作用:这些字典用于将每个城市的相关数据组织起来,以便后续的快速访问和使用。

这里面使用了seq_list[index],通过读取 root_dir 目录下的文件,生成包含所有序列 CSV 文件路径的列表。

image-20240628175639726

image-20240628180101955

在最后一段代码中

candidate_centerlines = avm.get_candidate_centerlines_for_traj(agent_obs_traj, afl[index].city, viz=True)

image-20240628180657706

  • 初始参数设置和获取初始车道候选:
manhattan_threshold = 2.5
curr_lane_candidates = self.get_lane_ids_in_xy_bbox(xy[-1, 0], xy[-1, 1], city_name, manhattan_threshold)

初始化曼哈顿阈值为 2.5。
获取车辆轨迹最后一个坐标点附近的车道候选(在初始阈值范围内)。

  • 扩大搜索半径,直到找到至少一个车道:
while len(curr_lane_candidates) < 1 and manhattan_threshold < max_search_radius:
    manhattan_threshold *= 2
    curr_lane_candidates = self.get_lane_ids_in_xy_bbox(xy[-1, 0], xy[-1, 1], city_name, manhattan_threshold)

如果初始阈值范围内没有找到车道,扩大搜索半径(每次扩大一倍),直到找到至少一个车道或达到最大搜索半径。

  • 计算 DFS 阈值:
displacement = np.sqrt((xy[0, 0] - xy[-1, 0]) ** 2 + (xy[0, 1] - xy[-1, 1]) ** 2)
dfs_threshold = displacement * 2.0

计算轨迹的位移(从起点到终点的距离)。设置 DFS(深度优先搜索)阈值为位移的两倍。

  • 进行深度优先搜索 (DFS),获取所有候选车道:
obs_pred_lanes: List[List[int]] = []
for lane in curr_lane_candidates:
    candidates_future = self.dfs(lane, city_name, 0, dfs_threshold)
    candidates_past = self.dfs(lane, city_name, 0, dfs_threshold, True)
# Merge past and future
for past_lane_seq in candidates_past:
    for future_lane_seq in candidates_future:
        assert past_lane_seq[-1] == future_lane_seq[0], "Incorrect DFS for candidate lanes past and future"
        obs_pred_lanes.append(past_lane_seq + future_lane_seq[1:])

对每个初始车道候选,进行深度优先搜索,找到所有前序和后继的车道候选。
合并前序和后继车道候选,形成完整的车道序列。

  • 去除重叠车道序列:
obs_pred_lanes = remove_overlapping_lane_seq(obs_pred_lanes)

obs_pred_lanes = remove_overlapping_lane_seq(obs_pred_lanes)

  • 移除不必要的前序车道:
obs_pred_lanes = self.remove_extended_predecessors(obs_pred_lanes, xy, city_name)

调用 remove_extended_predecessors 方法,移除不必要的前序车道。

  • 获取候选车道中心线:
candidate_cl = self.get_cl_from_lane_seq(obs_pred_lanes, city_name)

调用 get_cl_from_lane_seq 方法,从车道序列中获取车道中心线。

  • 根据轨迹沿中心线的距离减少候选中心线数量:
candidate_centerlines = filter_candidate_centerlines(xy, candidate_cl)

调用 filter_candidate_centerlines 方法,根据轨迹沿中心线的距离减少候选中心线数量。

  • 如果没有候选中心线,选择与轨迹最对齐的中心线:
if len(candidate_centerlines) < 1:
    candidate_centerlines = get_centerlines_most_aligned_with_trajectory(xy, candidate_cl)

如果根据前述标准没有找到候选中心线,调用 get_centerlines_most_aligned_with_trajectory 方法,选择与轨迹最对齐的中心线。

如何推测候选的中心线

manhattan_threshold = 2.5
curr_lane_candidates = self.get_lane_ids_in_xy_bbox(xy[-1, 0], xy[-1, 1], city_name, manhattan_threshold)

根据加载数据的最后一个x和最后一个y的数值进行推测,

def get_lane_ids_in_xy_bbox(
        self,
        query_x: float,
        query_y: float,
        city_name: str,
        query_search_range_manhattan: float = 5.0,
    ) -> List[int]:
        """
        Prune away all lane segments based on Manhattan distance. We vectorize this instead
        of using a for-loop. Get all lane IDs within a bounding box in the xy plane.
        This is a approximation of a bubble search for point-to-polygon distance.

        The bounding boxes of small point clouds (lane centerline waypoints) are precomputed in the map.
        We then can perform an efficient search based on manhattan distance search radius from a
        given 2D query point.

        We pre-assign lane segment IDs to indices inside a big lookup array, with precomputed
        hallucinated lane polygon extents.

        Args:
            query_x: representing x coordinate of xy query location
            query_y: representing y coordinate of xy query location
            city_name: either 'MIA' for Miami or 'PIT' for Pittsburgh
            query_search_range_manhattan: search radius along axes

        Returns:
            lane_ids: lane segment IDs that live within a bubble
        """
        query_min_x = query_x - query_search_range_manhattan
        query_max_x = query_x + query_search_range_manhattan
        query_min_y = query_y - query_search_range_manhattan
        query_max_y = query_y + query_search_range_manhattan

        overlap_indxs = find_all_polygon_bboxes_overlapping_query_bbox(
            self.city_halluc_bbox_table[city_name],
            np.array([query_min_x, query_min_y, query_max_x, query_max_y]),
        )

        if len(overlap_indxs) == 0:
            return []

        neighborhood_lane_ids: List[int] = []
        for overlap_idx in overlap_indxs:
            lane_segment_id = self.city_halluc_tableidx_to_laneid_map[city_name][str(overlap_idx)]
            neighborhood_lane_ids.append(lane_segment_id)

        return neighborhood_lane_ids
  1. 定义查询点周围的边界框

    • query_min_xquery_max_x 通过从 query_x 减去和加上 query_search_range_manhattan 来确定,这定义了查询点左右两侧的边界。
    • query_min_yquery_max_y 通过从 query_y 减去和加上 query_search_range_manhattan 来确定,这定义了查询点上下两侧的边界。
    • 这四个值共同定义了一个查询边界框,用于搜索在这个范围内的车道线段。
  2. 查找与查询边界框相交的车道线段

    • 使用 find_all_polygon_bboxes_overlapping_query_bbox 函数,传入预先存储的每个城市车道线段边界框数据(self.city_halluc_bbox_table[city_name])和查询边界框数组 [query_min_x, query_min_y, query_max_x, query_max_y]
    • 此函数返回所有与查询边界框相交的车道线段的索引。
  3. 获取车道线段ID

    • 通过循环遍历找到的相交索引(overlap_indxs),使用预先定义的映射表 self.city_halluc_tableidx_to_laneid_map[city_name] 将每个索引转换为相应的车道线段ID。
    • 这个映射表将预先计算的车道线段索引映射到具体的车道线段ID,以便可以快速查询。
  4. 返回结果

    • 如果没有找到任何相交的索引,函数返回空列表[这就表示需要扩大搜索空间,如下所示]。
    while len(curr_lane_candidates) < 1 and manhattan_threshold < max_search_radius:
        manhattan_threshold *= 2
        curr_lane_candidates = self.get_lane_ids_in_xy_bbox(xy[-1, 0], xy[-1, 1], city_name, manhattan_threshold)
    
    • 如果有相交的索引,函数收集所有相关的车道线段ID并返回这些ID组成的列表。

最后是绘制轨迹坐标的车道方向

index = 2
seq_path = afl.seq_list[index]
agent_traj = afl.get(seq_path).agent_traj
lane_direction = avm.get_lane_direction(agent_traj[0], afl[index].city, visualize=True)

agent_traj[0]表示在最开始的位置进行车道方向绘制

image-20240628195146920

def get_lane_direction(
        self, query_xy_city_coords: np.ndarray, city_name: str, visualize: bool = False
    ) -> Tuple[np.ndarray, float]:
        """
        Get vector direction of the lane you're in.
        We ignore the sparse version of the centerline that we could
        trivially pull from lane_obj['centerline'].

        Args:
            query_xy_city_coords: Numpy array of shape (2,) representing (x,y) position in city coordinates
            city_name: either 'MIA' for Miami or 'PIT' for Pittsburgh
            visualize: to also visualize the result

        Returns:
            lane_dir_vector: Numpy array of shape (2,) representing the direction (as a vector) of the closest
                lane to the provided position in city coordinates
            conf: real-valued confidence. less than 0.85 is almost always unreliable

        We have access to all of the following fields in "lane_obj":
            'centerline', 'predecessor', 'successor', 'turn_direction',
            'is_intersection', 'has_traffic_control'
        """
        cache = self.get_nearest_centerline(query_xy_city_coords, city_name)
        lane_obj, confidence, dense_centerline = cache
        centerline = dense_centerline

        waypoint_dists = np.linalg.norm(centerline - query_xy_city_coords, axis=1)
        closest_waypt_indxs = np.argsort(waypoint_dists)[:2]

        prev_waypoint_id = closest_waypt_indxs.min()
        next_waypoint_id = closest_waypt_indxs.max()

        prev_waypoint = centerline[prev_waypoint_id]
        next_waypoint = centerline[next_waypoint_id]

        lane_dir_vector = next_waypoint - prev_waypoint
        if visualize:
            plt.plot(centerline[:, 0], centerline[:, 1], color="y")
            plt.scatter(
                query_xy_city_coords[0],
                query_xy_city_coords[1],
                200,
                marker=".",
                color="b",
            )
            dx = lane_dir_vector[0] * 10
            dy = lane_dir_vector[1] * 10
            plt.arrow(
                query_xy_city_coords[0],
                query_xy_city_coords[1],
                dx,
                dy,
                color="r",
                width=0.3,
                zorder=2,
            )
            centerline_length = centerline.shape[0]
            for i in range(centerline_length):
                plt.scatter(centerline[i, 0], centerline[i, 1], i / 5.0, marker=".", color="k")
            plt.axis("equal")
            plt.show()
            plt.close("all")

        return lane_dir_vector, confidence

获取最近的车道中心线:

  • get_nearest_centerline(query_xy_city_coords, city_name) 是一个函数调用,它返回与提供的位置 (x, y) 最接近的车道对象 (lane_obj),以及车道中心线的置信度和密集表示(dense_centerline)。

计算距离并找到最近的两个点:

  • 使用 np.linalg.norm(centerline - query_xy_city_coords, axis=1) 计算查询点到车道中心线上每个点的欧氏距离。
  • 使用 np.argsort(waypoint_dists)[:2] 找到距离最近的两个点的索引,这两个点用于确定局部的车道方向。

确定车道方向:

  • 根据找到的两个最近点的索引,提取这两个点 (prev_waypointnext_waypoint)。
  • 计算这两个点的向量差 next_waypoint - prev_waypoint,这个向量表示了这段车道的局部方向。

可视化(如果需要):

  • 如果 visualize 参数为 True,则使用 matplotlib.pyplot 进行可视化。
  • 画出车道中心线、查询点和表示车道方向的箭头。
  • 为了增强可视化的信息量,车道上的每个点也用散点图表示,并且点的大小随着索引增加而变大,以显示车道方向。

四、参考

  • HD-maps and Motion Prediction · Issue #272 · argoverse/argoverse-api · GitHub

  • https://github.com/argoverse/argoverse-api?tab=readme-ov-file

  • What does “AV” mean in the forecasting dataset? · Issue #58 · argoverse/argoverse-api · GitHub

  • argoverse数据集里面的AV,AGENT,OTHER是什么意思-CSDN博客

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:/a/754101.html

如若内容造成侵权/违法违规/事实不符,请联系我们进行投诉反馈qq邮箱809451989@qq.com,一经查实,立即删除!

相关文章

企业级堡垒机JumpServer

文章目录 JumpServer是什么生产应用场景 Docker安装JumpServer1.Docker安装2.MySQL服务安装3.Redis服务安装4.key生成5.JumpServer安装6.登录验证 系统设置邮箱服务器用户和用户组创建系统审计员资产管理用户创建资产节点资产授权查看用户的资产监控仪表盘 命令过滤器创建命令过…

MySQL之可扩展性(八)

可扩展性 负载均衡 负载均衡的基本思路很简单:在一个服务器集群中尽可能地平均负载量。通常的做法是在服务器前端设置一个负载均衡器(一般是专门的硬件设备)。然后负载均衡器将请求的连接路由到最空闲的可用服务器。如图显示了一个典型的大型网站负载均衡设置&#xff0c;其中…

深度探讨网络安全:挑战、防御策略与实战案例

目录 ​编辑 一、引言 二、网络安全的主要挑战 恶意软件与病毒 数据泄露 分布式拒绝服务攻击&#xff08;DDoS&#xff09; 内部威胁 三、防御策略与实战案例 恶意软件防护 网络钓鱼防护 数据泄露防护 总结 一、引言 随着信息技术的迅猛发展&#xff0c;网络安全问…

Java---Maven详解

一段新的启程&#xff0c; 披荆斩棘而前&#xff0c; 心中的梦想&#xff0c; 照亮每个黑暗的瞬间。 无论风雨多大&#xff0c; 我们都将坚强&#xff0c; 因为希望的火焰&#xff0c; 在胸中永不熄灭。 成功不是终点&#xff0c; 而是每一步的脚印&#xff0c; 用汗水浇灌&…

动手学深度学习(Pytorch版)代码实践 -计算机视觉-41目标检测数据集

41目标检测数据集 import os import pandas as pd import torch import torchvision import matplotlib.pylab as plt from d2l import torch as d2l# 数据集下载链接 # http://d2l-data.s3-accelerate.amazonaws.com/banana-detection.zip# 读取数据集 #save def read_data_b…

互联网寒冬VS基建饱和:计算机专业会重蹈土木工程的覆辙吗?

随着高考落幕&#xff0c;考生和家长们开始着手专业选择与志愿填报&#xff0c;"热门"与"冷门"专业的话题引起了广泛关注。而计算机专业无疑是最受瞩目的专业领域之一。 在过去的十几年里&#xff0c;计算机专业以其出色的就业率和薪酬水平&#xff0c;一…

2024最新版Redis常见面试题包含详细讲解

Redis适用于哪些场景&#xff1f; 缓存分布式锁降级限流消息队列延迟消息队 说一说缓存穿透 缓存穿透的概念 用户频繁的发起恶意请求查询缓存中和数据库中都不存在的数据&#xff0c;查询积累到一定量级导致数据库压力过大甚至宕机。 缓存穿透的原因 比如正常情况下用户发…

encode()方法——编码字符串

自学python如何成为大佬(目录):https://blog.csdn.net/weixin_67859959/article/details/139049996?spm1001.2014.3001.5501 语法参考 编码是将文本&#xff08;字符串&#xff09;转换成字节流&#xff0c;Unicode格式转换成其他编码格式。在Python中提供了encode()方法&am…

如何将 ONLYOFFICE 文档 Linux 版更新到 v8.1

本指南将向您展示如何将 ONLYOFFICE 文档 Linux 版本更新到最新 8.1 版本。 ONLYOFFICE 文档是什么 ONLYOFFICE 文档是一个功能强大的文档编辑器&#xff0c;支持处理文本文档、电子表格、演示文稿、可填写表单、PDF 和电子书&#xff0c;可多人在线协作&#xff0c;支持 AI 集…

什么是ArchiMate?有优缺点和运用场景?

一、什么是ArchiMate? ArchiMate是一种由The Open Group发布的企业级标准&#xff0c;它是一种整合多种架构的可视化业务分析模型语言&#xff0c;也属于架构描述语言&#xff08;ADL&#xff09;。ArchiMate主要从业务、应用和技术三个层次&#xff08;Layer&#xff09;&…

CentOS停更无忧,中国操作系统闯入后CentOS时代

国际开源服务器操作系统CentOS停更&#xff0c;引发了中国操作系统火线进化——开源龙蜥操作系统社区涌现出大量的技术创新&#xff0c;相关创新技术迅速转化为商业化产品。2024年6月&#xff0c;浪潮信息与龙蜥社区联合发布服务器操作系统云峦KeyarchOS V5.8 新版本&#xff0…

哨兵模式--哨兵节点的功能?

哨兵节点的主要功能有&#xff1a; 集群监控&#xff1a;监控 主、从节点的健康状况&#xff1b;自动切换主节点&#xff1a;当 Master 运行故障&#xff0c;哨兵启动自动故障恢复流程&#xff1a;从 slave 中选择一台作为新 master。通知&#xff1a;让 slave 执行 replicaof…

笔记本电脑为什么可以链接热点,却无法连接WiFi

① 在开始菜单的搜索栏中&#xff0c;输入 cmd 。 ② 右击上方该程序&#xff0c;选择 以管理员身份运行 ③ 输入&#xff1a;nestsh winsock reset ④ 敲击回车&#xff0c;显示如下页面 ⑤ 再输入 ipconfig/flushdns 回车 ⑥ 然后重启电脑&#xff0c;OVER&#xff01;

赛目科技三度递表:净利率及资产回报率不断下滑,经营成本越来越高

《港湾商业观察》施子夫 5月29日&#xff0c;北京赛目科技股份有限公司&#xff08;以下简称&#xff0c;赛目科技&#xff09;第三次递表港交所&#xff0c;公司拟主板上市&#xff0c;独家保荐机构为光银国际。 公开信息显示&#xff0c;赛目科技此前曾于2022年12月&#x…

grpc学习golang版( 一、基本概念与安装 )

系列文章目录 第一章 grpc基本概念与安装 第二章 grpc入门示例 第三章 proto文件数据类型 第四章 多服务示例 第五章 多proto文件示例 第六章 服务器流式传输 第七章 客户端流式传输 第八章 双向流示例 文章目录 一、基本介绍1.1 什么是rpc1.2 什么是grpc1.3 grpc的作用1.4 grp…

添加用户页面(Flask+前端+MySQL整合)

首先导入Flask库和pymysql库。Flask用于创建Web应用程序&#xff0c;pymysql用于连接和操作MySQL数据库。 from flask import Flask, render_template, request import pymysql创建一个Flask应用实例。__name__参数告诉Flask使用当前模块作为应用的名称。 app Flask(__name_…

【C语言】解决C语言报错:Buffer Overflow

文章目录 简介什么是Buffer OverflowBuffer Overflow的常见原因如何检测和调试Buffer Overflow解决Buffer Overflow的最佳实践详细实例解析示例1&#xff1a;数组越界写入示例2&#xff1a;未检查输入长度示例3&#xff1a;字符串操作错误示例4&#xff1a;动态内存分配 进一步…

深度相机识别物体——实现数据集准备与数据集分割

一、数据集准备——Labelimg进行标定 1.安装labelimg——pip install labelimg -i https://pypi.tuna.tsinghua.edu.cn/simple 2.建立相应的数据集存放文件夹 3.打开labelimg&#xff0c;直接在命令行输入labelimg即可&#xff0c;并初始化 4.开始标注&#xff0c;设置标注好…

JeecgBoot新建模块

引言 jeecg-boot设置了demo, system等默认模块。在二次开发中&#xff0c;常常需要进行模块扩展。比如新增一个订单模块或支付模块。如何准确的新增模块&#xff0c;在此文进行记录。 步骤 新建模块 在项目点击右键&#xff0c;新建模块。 如下图。 注意&#xff1a;报名需…

4. node联调devtools

4. node联调devtools 把node代码放在开发者工具执行代码执行命令 node --inspect-brk js文件浏览器执行命令 chrome://inspect/#devices检测到文件之后会有个点击选项,点击进入就能调试自己的代码 有了开发者工具调试之后我们可以给自己的吐环境脚本在完善一下,当获取的参数是…