Apollo 10.0
自动驾驶开放平台
|
命名空间 | |
namespace | app |
namespace | bevformer |
namespace | caddn |
namespace | darkSCNN |
namespace | denseline |
namespace | lane |
namespace | location_refiner |
namespace | petr |
namespace | smoke |
namespace | tracking_feature |
namespace | yolo |
namespace | yolox3d |
类型定义 | |
typedef std::pair< size_t, size_t > | TrackObjectPair |
typedef std::shared_ptr< CameraTrack > | CameraTrackPtr |
typedef std::shared_ptr< TrackObject > | TrackObjectPtr |
typedef std::vector< TrackObjectPtr > | TrackObjectPtrs |
using | Clock = apollo::cyber::Clock |
typedef std::map< base::ObjectSubType, std::vector< float > > | TemplateMap |
typedef std::vector< base::Point3DF > | Point3DSet |
typedef std::vector< base::Point2DF > | Point2DSet |
typedef std::shared_ptr< apollo::drivers::Image > | ImageMsgType |
typedef std::shared_ptr< localization::LocalizationEstimate > | LocalizationMsgType |
枚举 | |
enum class | TrackState { Predict , Associate2D , Associate3D , Track } |
enum class | TemplateIndex { CAR_MIN_VOLUME_INDEX , VAN_MIN_VOLUME_INDEX , TRUCK_MIN_VOLUME_INDEX , BUS_MIN_VOLUME_INDEX } |
enum class | LaneType { UNKNOWN_LANE = -1 , EGO_LANE = 0 , ADJACENT_LEFT_LANE = 1 , ADJACENT_RIGHT_LANE = 2 } |
函数 | |
CYBER_REGISTER_COMPONENT (CameraDetectionBevComponent) | |
REGISTER_OBSTACLE_DETECTOR (BEVObstacleDetector) | |
base::ObjectSubType | GetSubtype (int cls, const std::vector< base::ObjectSubType > &types) |
Get the Subtype | |
void | GetObjects (const base::BlobPtr< float > &box3ds, const base::BlobPtr< float > &labels, const base::BlobPtr< float > &scores, const std::vector< base::ObjectSubType > &types, float score_threshold, std::vector< base::ObjectPtr > *objects) |
Get the Objects objects from blob | |
void | FillBBox3d (const float *bbox, base::ObjectPtr obj) |
Fill the 3d bbox to object | |
void | Resize (cv::Mat *img, cv::Mat *img_n, int width, int height) |
Image resize function | |
void | Crop (cv::Mat *img, cv::Mat *img_n, int x, int y, int width, int height) |
Image crop function | |
void | Normalize (const std::vector< float > &mean, const std::vector< float > &std, float scale, cv::Mat *img) |
Image normalize function | |
PERCEPTION_REGISTER_REGISTERER (BaseObstacleDetector) | |
CYBER_REGISTER_COMPONENT (CameraDetectionMultiStageComponent) | |
void | get_intersect_bbox (const NormalizedBBox &bbox1, const NormalizedBBox &bbox2, NormalizedBBox *intersect_bbox) |
Get the intersect bbox object | |
float | get_bbox_size (const NormalizedBBox &bbox) |
float | get_jaccard_overlap (const NormalizedBBox &bbox1, const NormalizedBBox &bbox2) |
Get the jaccard overlap object | |
void | get_max_score_index (const std::vector< float > &scores, const float threshold, const int top_k, std::vector< std::pair< float, int > > *score_index_vec) |
Get the max score index object | |
void | apply_softnms_fast (const std::vector< NormalizedBBox > &bboxes, std::vector< float > *scores, const float score_threshold, const float nms_threshold, const int top_k, std::vector< int > *indices, bool is_linear, const float sigma) |
softnms for objects | |
void | apply_boxvoting_fast (std::vector< NormalizedBBox > *bboxes, std::vector< float > *scores, const float conf_threshold, const float nms_threshold, const float sigma, std::vector< int > *indices) |
filter target detection results based on given thresholds and parameters. | |
void | apply_nms_fast (const std::vector< NormalizedBBox > &bboxes, const std::vector< float > &scores, const float score_threshold, const float nms_threshold, const float eta, const int top_k, std::vector< int > *indices) |
nms for objects | |
void | filter_bbox (const MinDims &min_dims, std::vector< base::ObjectPtr > *objects) |
filter out the objects in the object array based on the given minimum dimension conditions and retain the objects that meet the conditions | |
void | recover_bbox (int roi_w, int roi_h, int offset_y, std::vector< base::ObjectPtr > *objects) |
recover detect bbox result to raw image | |
void | fill_base (base::ObjectPtr obj, const float *bbox) |
add bbox value to object | |
void | fill_bbox3d (bool with_bbox3d, base::ObjectPtr obj, const float *bbox) |
add alpha h w l to object | |
void | fill_frbox (bool with_frbox, base::ObjectPtr obj, const float *bbox) |
add car front and backward bbox value to object | |
void | fill_lights (bool with_lights, base::ObjectPtr obj, const float *bbox) |
add car lights value to object | |
void | fill_ratios (bool with_ratios, base::ObjectPtr obj, const float *bbox) |
add ratio value to object | |
void | fill_area_id (bool with_flag, base::ObjectPtr obj, const float *data) |
add area id value to object | |
int | get_area_id (float visible_ratios[4]) |
calculate the area id based on the visible ratios | |
const float * | get_cpu_data (bool flag, const base::Blob< float > &blob) |
void | get_objects_cpu (const YoloBlobs &yolo_blobs, const cudaStream_t &stream, const std::vector< base::ObjectSubType > &types, const NMSParam &nms, const yolo::ModelParam &model_param, float light_vis_conf_threshold, float light_swt_conf_threshold, base::Blob< bool > *overlapped, base::Blob< int > *idx_sm, std::vector< base::ObjectPtr > *objects) |
Get the objects cpu object | |
__host__ __device__ float | sigmoid_gpu (float x) |
__host__ __device__ float | bbox_size_gpu (const float *bbox, const bool normalized) |
__host__ __device__ float | jaccard_overlap_gpu (const float *bbox1, const float *bbox2) |
template<typename T > | |
bool | sort_score_pair_descend (const std::pair< float, T > &pair1, const std::pair< float, T > &pair2) |
void | apply_nms (const bool *overlapped, const int num, std::vector< int > *indices) |
Get all boxes with score larger than threshold | |
void | apply_nms_gpu (const float *bbox_data, const float *conf_data, const std::vector< int > &origin_indices, const int bbox_step, const float confidence_threshold, const int top_k, const float nms_threshold, std::vector< int > *indices, base::Blob< bool > *overlapped, base::Blob< int > *idx_sm, const cudaStream_t &_stream) |
Get all boxes with score larger than threshold | |
void | compute_overlapped_by_idx_gpu (const int nthreads, const float *bbox_data, const float overlap_threshold, const int *idx, const int num_idx, bool *overlapped_data, const cudaStream_t &_stream) |
Get all boxes with score larger than threshold | |
int | get_objects_gpu (const YoloBlobs &yolo_blobs, const cudaStream_t &stream, const std::vector< base::ObjectSubType > &types, const NMSParam &nms, const yolo::ModelParam &model_param, float light_vis_conf_threshold, float light_swt_conf_threshold, base::Blob< bool > *overlapped, base::Blob< int > *idx_sm, const std::map< base::ObjectSubType, std::vector< int > > &indices, const std::map< base::ObjectSubType, std::vector< float > > &conf_scores) |
Get the objects gpu object | |
const float * | get_gpu_data (bool flag, const base::Blob< float > &blob) |
Get the gpu data object | |
REGISTER_OBSTACLE_DETECTOR (YoloObstacleDetector) | |
void | YoloxGetAllObjects (const float *data, const yolox3d::ModelParam &model_param, const float scale, std::vector< std::vector< float > > *objects_out) |
Get all objects accoring to confidence | |
float | ComputeYoloxOverlap (const base::Rect< float > &a, const base::Rect< float > &b) |
void | YoloxFillBase (const std::vector< float > &detect, const int width, const int height, const int image_width, const int image_height, base::ObjectPtr obj) |
Get 2dbbox for objects | |
void | YoloxFillBbox3d (const yolox3d::ModelParam &model_param, const std::vector< float > &detect, base::ObjectPtr obj) |
Add 3d bbox values for objects | |
float | YoloxBboxIOU (const std::vector< float > &box1, const std::vector< float > &box2) |
Computes IoU between bboxes. | |
void | YoloxTruncated (base::ObjectPtr obj, const int image_width, const int image_height) |
object is truncated or not | |
void | YoloxGetObjectsCpu (const std::shared_ptr< base::Blob< float > > &objects_blob, const yolox3d::ModelParam &model_param, const yolox3d::NMSParam &nms_param, const int width, const int height, const int image_width, const int image_height, std::vector< base::ObjectPtr > *objects) |
Return Yolox Objects | |
template<typename T > | |
constexpr T | Yoloxclamp (const T &val, const T &low, const T &high) |
Clamp target value between low and high tools for iou | |
void | AddShape3DYolox (std::map< std::string, std::vector< int > > *shape_map, const google::protobuf::RepeatedPtrField< common::ModelBlob > &model_blobs) |
std::vector< std::string > | GetBlobNames3DYolox (const google::protobuf::RepeatedPtrField< common::ModelBlob > &model_blobs) |
cv::Mat | resizeKeepAspectRatioYolox (const cv::Mat &input, const cv::Size &dstSize, const cv::Scalar &bgcolor) |
REGISTER_OBSTACLE_DETECTOR (Yolox3DObstacleDetector) | |
CYBER_REGISTER_COMPONENT (CameraDetectionOccComponent) | |
REGISTER_OBSTACLE_DETECTOR (BEVFORMERObstacleDetector) | |
void | BevFormerResize (cv::Mat *img, cv::Mat *img_n, int width, int height) |
Image resize function | |
void | BevFormerCrop (cv::Mat *img, cv::Mat *img_n, int x, int y, int width, int height) |
Image crop function | |
void | BevFormerNormalize (const std::vector< float > &mean, const std::vector< float > &std, float scale, cv::Mat *img) |
Image normalize function | |
PERCEPTION_REGISTER_REGISTERER (BaseMatcher) | |
PERCEPTION_REGISTER_REGISTERER (BaseTracker) | |
PERCEPTION_REGISTER_TRACKER (CameraTracker) | |
PERCEPTION_REGISTER_MATCHER (HMMatcher) | |
void | SetSemanticLabel (PointSemanticLabel label, uint8_t *value) |
PointSemanticLabel | GetSemanticLabel (uint8_t value) |
bool | IsSemanticLabel (PointSemanticLabel label, uint8_t value) |
void | SetSceneFlowLabel (PointSemanticLabel label, uint8_t *value) |
PointSemanticLabel | GetSceneFlowLabel (uint8_t value) |
bool | IsSceneFlowLabelEqual (PointSemanticLabel label, uint8_t value) |
CYBER_REGISTER_COMPONENT (CameraDetectionSingleStageComponent) | |
REGISTER_OBSTACLE_DETECTOR (CaddnObstacleDetector) | |
void | GetCaddnObjects (std::vector< base::ObjectPtr > *objects, const caddn::ModelParam &model_param, const std::vector< base::ObjectSubType > &types, const base::BlobPtr< float > &boxes, const base::BlobPtr< float > &labels, const base::BlobPtr< float > &scores) |
Get the Caddn Objects objects from Blob | |
void | Bbox3dLidar2Camera (const Eigen::Matrix< float, 3, 4 > &V2C, const Eigen::Matrix< float, 3, 3 > &R, const float *bbox_lidar, std::vector< float > *bbox_camera) |
Get the Caddn Objects objects from Blob | |
void | FillCaddnBbox3d (base::ObjectPtr obj, const float *bbox) |
Add objects values to object | |
void | FilterByMinDims (const smoke::MinDims &min_dims, std::vector< base::ObjectPtr > *objects) |
void | RecoverBBox (int roi_w, int roi_h, int offset_y, std::vector< base::ObjectPtr > *objects) |
void | FillBBox (base::ObjectPtr obj, const float *bbox, int width, int height) |
void | FillBBox3d (base::ObjectPtr obj, const float *bbox) |
void | GetObjectsCpu (const std::shared_ptr< base::Blob< float > > &output_blob, const std::vector< base::ObjectSubType > &types, const smoke::ModelParam &model_param, std::vector< base::ObjectPtr > *objects, int width, int height) |
REGISTER_OBSTACLE_DETECTOR (SmokeObstacleDetector) | |
CYBER_REGISTER_COMPONENT (CameraLocationEstimationComponent) | |
PERCEPTION_REGISTER_REGISTERER (BaseTransformer) | |
REGISTER_OBSTACLE_TRANSFORMER (MultiCueTransformer) | |
REGISTER_OBSTACLE_TRANSFORMER (SingleStageTransformer) | |
CYBER_REGISTER_COMPONENT (CameraLocationRefinementComponent) | |
PERCEPTION_REGISTER_REGISTERER (BasePostprocessor) | |
REGISTER_OBSTACLE_POSTPROCESSOR (LocationRefinerPostprocessor) | |
CYBER_REGISTER_COMPONENT (CameraTrackingComponent) | |
REGISTER_FEATURE_EXTRACTOR (ExternalFeatureExtractor) | |
REGISTER_FEATURE_EXTRACTOR (ProjectFeature) | |
REGISTER_FEATURE_EXTRACTOR (TrackingFeatureExtractor) | |
PERCEPTION_REGISTER_REGISTERER (BaseFeatureExtractor) | |
PERCEPTION_REGISTER_REGISTERER (BaseObstacleTracker) | |
PERCEPTION_REGISTER_REGISTERER (BasePredictor) | |
void | ProjectBox (const base::BBox2DF &box_origin, const Eigen::Matrix3d &transform, base::BBox2DF *box_projected) |
REGISTER_OBSTACLE_TRACKER (OMTObstacleTracker) | |
void | ConvertGround3ToGround4 (const float &baseline, const std::vector< float > &k_mat, const std::vector< float > &ground3, std::vector< float > *ground4) |
bool | ConvertGround4ToGround3 (const float &baseline, const std::vector< float > &k_mat, const std::vector< float > &ground4, std::vector< float > *ground3) |
void | GetGroundPlanePitchHeight (const float &baseline, const std::vector< float > &k_mat, const std::vector< float > &ground3, float *pitch, float *cam_height) |
void | GetGround3FromPitchHeight (const std::vector< float > &k_mat, const float &baseline, const float &pitch, const float &cam_height, std::vector< float > *ground3) |
template<typename T > | |
void | GroundHypoGenFunc (const T *v, const T *d, T *p) |
template<typename T > | |
void | GroundFittingCostFunc (const T *p, const T *v, const T *d, int n, int *nr_inlier, int *inliers, T *cost, T error_tol) |
cv::Mat | GetImage (const std::string &path, bool to_rgb) |
void | Resize (const cv::Mat &input_img, cv::Mat *out_img, int width, int height, double fx, double fy, int interpolation) |
std::vector< float > | HWC2CHW (const cv::Mat &input_img) |
void | Resize (const cv::Mat &input_img, cv::Mat *out_img, cv::Size size, double fx=0, double fy=0, int interpolation=cv::INTER_LINEAR) |
PERCEPTION_REGISTER_CIPV (Cipv) | |
bool | imageToBlob (const base::Image8U &image, base::Blob< uint8_t > *blob) |
bool | imageToGray (const base::Image8UPtr &src, const base::Image8UPtr &dst, const int src_width, const int src_height, const float coeffs[3]) |
bool | swapImageChannels (const base::Image8UPtr &src, const base::Image8UPtr &dst, const int src_width, const int src_height, const int order[3]) |
bool | dupImageChannels (const base::Image8UPtr &src, const base::Image8UPtr &dst, const int src_width, const int src_height) |
bool | imageRemap (const base::Image8U &src_img, base::Image8U *dst_img, const int src_width, const int src_height, const base::Blob< float > &map_x, const base::Blob< float > &map_y) |
bool | nppImageToBlob (const base::Image8U &image, base::Blob< uint8_t > *blob) |
bool | nppImageToGray (const base::Image8UPtr &src, const base::Image8UPtr &dst, const int src_width, const int src_height, const float coeffs[3]) |
bool | nppSwapImageChannels (const base::Image8UPtr &src, const base::Image8UPtr &dst, const int src_width, const int src_height, const int order[3]) |
bool | nppDupImageChannels (const base::Image8UPtr &src, const base::Image8UPtr &dst, const int src_width, const int src_height) |
bool | nppImageRemap (const base::Image8U &src_img, base::Image8U *dst_img, const int src_width, const int src_height, const base::Blob< float > &map_x, const base::Blob< float > &map_y) |
bool | rppInitDescriptor (RpptDescPtr &descPtr, int width, int height, int channels, int width_step) |
bool | rppImageToBlob (const base::Image8U &image, base::Blob< uint8_t > *blob) |
bool | rppImageToGray (const base::Image8UPtr &src, const base::Image8UPtr &dst, const int src_width, const int src_height, const float coeffs[3]) |
bool | rppSwapImageChannels (const base::Image8UPtr &src, const base::Image8UPtr &dst, const int src_width, const int src_height, const int order[3]) |
__global__ void | duplicate_kernel (const unsigned char *src, size_t src_width_step, uchar3 *dst, size_t dst_width_step, int width, int height) |
bool | rppDupImageChannels (const base::Image8UPtr &src, const base::Image8UPtr &dst, const int src_width, const int src_height) |
__global__ void | remap_pln1_kernel (const unsigned char *src, size_t src_width_step, unsigned char *dst, size_t dst_width_step, const float *mapx, const float *mapy, int width, int height) |
__global__ void | remap_pkd3_kernel (const uchar3 *src, size_t src_width_step, uchar3 *dst, size_t dst_width_step, const float *mapx, const float *mapy, int width, int height) |
bool | rppImageRemap (const base::Image8U &src_img, base::Image8U *dst_img, const int src_width, const int src_height, const base::Blob< float > &map_x, const base::Blob< float > &map_y) |
template<typename Dtype > | |
Dtype | sigmoid (Dtype x) |
template<typename Dtype > | |
Dtype | gaussian (Dtype x, Dtype mu, Dtype sigma) |
template<typename Dtype > | |
Dtype | sqr (Dtype x) |
std::ostream & | operator<< (std::ostream &os, const CarPose &pose) |
template<typename T > | |
T | CalAngleDiff (const T a1, const T a2) |
template<typename T > | |
T | GetSharpAngle (const T &a, const T &b) |
template<typename T > | |
T | GetJaccardIndex (const T *bbox_ref, const T &x_min, const T &y_min, const T &x_max, const T &y_max) |
template<typename T > | |
void | GenRotMatrix (const T &ry, T *rot) |
template<typename T > | |
void | GenCorners (T h, T w, T l, T *x_cor, T *y_cor, T *z_cor) |
template<typename T > | |
bool | Occlude (const T *bbox1, const T &h1, const T *bbox2, const T &h2) |
template<typename T > | |
void | GetBboxFromPts (const T *pts, const int &n, T *bbox) |
template<typename T > | |
int | GetMinIndexVec (const T *vec, const int &n) |
template<typename T > | |
T | GetScoreViaRotDimensionCenter (const T *k_mat, int width, int height, const T *bbox, const T *rot, const T *hwl, const T *location, const bool &check_truncation, T *bbox_res=nullptr, T *bbox_near=nullptr) |
template<typename T > | |
bool | CheckXY (const T &x, const T &y, int width, int height) |
template<typename T > | |
void | UpdateOffsetZ (T x_start, T z_start, T x_end, T z_end, const std::pair< T, T > &range, T *z_offset) |
template<typename T > | |
void | GetDxDzForCenterFromGroundLineSeg (const LineSegment2D< T > &ls, const T *plane, const T *pts_c, const T *k_mat, int width, int height, T ratio_x_over_z, T *dx_dz, bool check_lowerbound=true) |
bool | Equal (double x, double target, double eps) |
bool | Equal (float x, float target, float eps) |
bool | LoadAnchors (const std::string &path, std::vector< float > *anchors) |
bool | LoadTypes (const std::string &path, std::vector< base::ObjectSubType > *types) |
bool | LoadExpand (const std::string &path, std::vector< float > *expands) |
bool | ResizeCPU (const base::Blob< uint8_t > &src_blob, std::shared_ptr< base::Blob< float > > dst_blob, int stepwidth, int start_axis) |
void | FillObjectPolygonFromBBox3D (base::Object *object_ptr) |
template<typename T > | |
bool | IsCovered (const base::Rect< T > &rect1, const base::Rect< T > &rect2, float thresh) |
template<typename T > | |
bool | IsCoveredHorizon (const base::Rect< T > &rect1, const base::Rect< T > &rect2, float thresh) |
template<typename T > | |
bool | IsCoveredVertical (const base::Rect< T > &rect1, const base::Rect< T > &rect2, float thresh) |
template<typename T > | |
bool | Contain (const std::vector< T > &array, const T &element) |
template<typename T > | |
bool | OutOfValidRegion (const base::BBox2D< T > box, const T width, const T height, const T border_size=0) |
template<typename T > | |
bool | OutOfValidRegion (const base::Rect< T > rect, const T width, const T height, const T border_size=0) |
template<typename T > | |
void | RefineBox (const base::Rect< T > &box_in, const T width, const T height, base::Rect< T > *box_out) |
template<typename T > | |
void | RefineBox (const base::BBox2D< T > &box_in, const T width, const T height, base::BBox2D< T > *box_out) |
template<typename T > | |
void | CalculateMeanAndVariance (const std::vector< T > &data, T *mean, T *variance) |
REGISTER_CALIBRATION_SERVICE (OnlineCalibrationService) | |
void | GetYawVelocityInfo (const float &time_diff, const double cam_coord_cur[3], const double cam_coord_pre[3], const double cam_coord_pre_pre[3], float *yaw_rate, float *velocity) |
REGISTER_CALIBRATOR (LaneLineCalibrator) | |
PERCEPTION_REGISTER_REGISTERER (BaseCalibrationService) | |
PERCEPTION_REGISTER_REGISTERER (BaseCalibrator) | |
PERCEPTION_REGISTER_REGISTERER (BaseCipv) | |
int | WriteLanelines (const bool enabled, const std::string &save_path, const std::vector< base::LaneLine > &lane_objects) |
int | WriteCalibrationOutput (bool enabled, const std::string &out_path, const CameraFrame *frame) |
PERCEPTION_REGISTER_CAMERA_PERCEPTION (LaneCameraPerception) | |
bool | FindCC (const std::vector< unsigned char > &src, int width, int height, const base::RectI &roi, std::vector< ConnectedComponent > *cc) |
bool | ImagePoint2Camera (const base::Point2DF &img_point, float pitch_angle, float camera_ground_height, const Eigen::Matrix3f &intrinsic_params_inverse, Eigen::Vector3d *camera_point) |
bool | CameraPoint2Image (const Eigen::Vector3d &camera_point, const Eigen::Matrix3f &intrinsic_params, base::Point2DF *img_point) |
bool | ComparePoint2DY (const base::Point2DF &point1, const base::Point2DF &point2) |
bool | FindKSmallValue (const float *distance, int dim, int k, int *index) |
bool | FindKLargeValue (const float *distance, int dim, int k, int *index) |
template<typename Dtype > | |
bool | PolyFit (const EigenVector< Eigen::Matrix< Dtype, 2, 1 > > &pos_vec, const int &order, Eigen::Matrix< Dtype, max_poly_order+1, 1 > *coeff, const bool &is_x_axis=true) |
template<typename Dtype > | |
bool | PolyEval (const Dtype &x, int order, const Eigen::Matrix< Dtype, max_poly_order+1, 1 > &coeff, Dtype *y) |
template<typename Dtype > | |
bool | RansacFitting (const EigenVector< Eigen::Matrix< Dtype, 2, 1 > > &pos_vec, EigenVector< Eigen::Matrix< Dtype, 2, 1 > > *selected_points, Eigen::Matrix< Dtype, 4, 1 > *coeff, const int max_iters=100, const int N=5, const Dtype inlier_thres=static_cast< Dtype >(0.1)) |
template<class T > | |
void | QSwap_ (T *a, T *b) |
template<class T > | |
void | QuickSort (int *index, const T *values, int start, int end) |
template<class T > | |
void | QuickSort (int *index, const T *values, int nsize) |
PERCEPTION_REGISTER_REGISTERER (BaseCameraPerception) | |
PERCEPTION_REGISTER_REGISTERER (BaseLaneDetector) | |
PERCEPTION_REGISTER_REGISTERER (BaseLanePostprocessor) | |
REGISTER_LANE_DETECTOR (DarkSCNNLaneDetector) | |
REGISTER_LANE_DETECTOR (DenselineLaneDetector) | |
std::vector< base::LaneLinePositionType > | spatialLUT ({base::LaneLinePositionType::UNKNOWN, base::LaneLinePositionType::FOURTH_LEFT, base::LaneLinePositionType::THIRD_LEFT, base::LaneLinePositionType::ADJACENT_LEFT, base::LaneLinePositionType::EGO_LEFT, base::LaneLinePositionType::EGO_CENTER, base::LaneLinePositionType::EGO_RIGHT, base::LaneLinePositionType::ADJACENT_RIGHT, base::LaneLinePositionType::THIRD_RIGHT, base::LaneLinePositionType::FOURTH_RIGHT, base::LaneLinePositionType::OTHER, base::LaneLinePositionType::CURB_LEFT, base::LaneLinePositionType::CURB_RIGHT}) |
template<typename T = float> | |
T | GetPolyValue (T a, T b, T c, T d, T x) |
REGISTER_LANE_POSTPROCESSOR (DarkSCNNLanePostprocessor) | |
REGISTER_LANE_POSTPROCESSOR (DenselineLanePostprocessor) | |
CYBER_REGISTER_COMPONENT (MotionServiceComponent) | |
bool | LoadKittiLabel (onboard::CameraFrame *frame, const std::string &kitti_path, const std::string &dist_type) |
Read KITTI labels and fill to frame->detected_objects | |
bool | FillImage (onboard::CameraFrame *frame, const std::string &file_name) |
Read image from file_name and fill in frame->data_provider | |
bool | RecoveryImage (onboard::CameraFrame *frame, cv::Mat *cv_img) |
Recovery cv image from frame->data_provider | |
bool | GetFileListFromPath (const std::string &file_path, std::vector< std::string > *file_list) |
Get the File List From Path object | |
bool | GetFileListFromFile (const std::string &file_name, std::vector< std::string > *file_list) |
Get the File List From File object | |
bool | SaveCameraDetectionResult (onboard::CameraFrame *frame, const std::string &file_name) |
Save detection result to file_name | |
bool | SaveTfDetectionResult (onboard::CameraFrame *frame, const std::string &file_name) |
bool | SaveLaneDetectionResult (onboard::CameraFrame *frame, const std::string &file_name) |
bool | CameraVisualization (onboard::CameraFrame *frame, const std::string &file_name) |
Save visualization results to file_name(.jpg) | |
bool | TfVisualization (onboard::CameraFrame *frame, const std::string &file_name) |
bool | LaneVisualization (onboard::CameraFrame *frame, const std::string &file_name) |
Eigen::Matrix3d | Camera2CarHomograph (const Eigen::Matrix3d &intrinsic, const Eigen::Matrix4d &extrinsic_camera2lidar, const Eigen::Matrix4d &extrinsic_lidar2imu, double pitch_adj) |
bool | InitDataProvider (onboard::CameraFrame *camera_frame) |
bool | TestDetection () |
typedef std::shared_ptr<CameraTrack> apollo::perception::camera::CameraTrackPtr |
在文件 camera_track.h 第 162 行定义.
using apollo::perception::camera::Clock = typedef apollo::cyber::Clock |
在文件 camera_tracking_component.cc 第 29 行定义.
typedef std::shared_ptr<apollo::drivers::Image> apollo::perception::camera::ImageMsgType |
在文件 motion_service_component.h 第 41 行定义.
typedef std::shared_ptr<localization::LocalizationEstimate> apollo::perception::camera::LocalizationMsgType |
在文件 motion_service_component.h 第 42 行定义.
typedef std::vector<base::Point2DF> apollo::perception::camera::Point2DSet |
在文件 common_functions.h 第 35 行定义.
typedef std::vector<base::Point3DF> apollo::perception::camera::Point3DSet |
在文件 common_functions.h 第 34 行定义.
typedef std::map<base::ObjectSubType, std::vector<float> > apollo::perception::camera::TemplateMap |
在文件 object_template_manager.h 第 43 行定义.
typedef std::pair<size_t, size_t> apollo::perception::camera::TrackObjectPair |
在文件 base_matcher.h 第 34 行定义.
typedef std::shared_ptr<TrackObject> apollo::perception::camera::TrackObjectPtr |
在文件 track_object.h 第 36 行定义.
typedef std::vector<TrackObjectPtr> apollo::perception::camera::TrackObjectPtrs |
在文件 track_object.h 第 37 行定义.
|
strong |
枚举值 | |
---|---|
UNKNOWN_LANE | |
EGO_LANE | |
ADJACENT_LEFT_LANE | |
ADJACENT_RIGHT_LANE |
在文件 denseline_lane_postprocessor.h 第 35 行定义.
|
strong |
枚举值 | |
---|---|
CAR_MIN_VOLUME_INDEX | |
VAN_MIN_VOLUME_INDEX | |
TRUCK_MIN_VOLUME_INDEX | |
BUS_MIN_VOLUME_INDEX |
在文件 object_template_manager.h 第 36 行定义.
|
strong |
void apollo::perception::camera::AddShape3DYolox | ( | std::map< std::string, std::vector< int > > * | shape_map, |
const google::protobuf::RepeatedPtrField< common::ModelBlob > & | model_blobs | ||
) |
在文件 yolox3d_obstacle_detector.cc 第 58 行定义.
void apollo::perception::camera::apply_boxvoting_fast | ( | std::vector< NormalizedBBox > * | bboxes, |
std::vector< float > * | scores, | ||
const float | conf_threshold, | ||
const float | nms_threshold, | ||
const float | sigma, | ||
std::vector< int > * | indices | ||
) |
filter target detection results based on given thresholds and parameters.
bboxes | 2d bbox results |
scores | scores results of bbox |
conf_threshold | confidence threshold |
nms_threshold | nms threshold |
sigma | sigma parameter |
indices | indices of matched objects |
在文件 postprocess.cc 第 138 行定义.
void apollo::perception::camera::apply_nms | ( | const bool * | overlapped, |
const int | num, | ||
std::vector< int > * | indices | ||
) |
Get all boxes with score larger than threshold
overlapped | overlap result |
num | number of boxes with score larger than threshold |
indices | indices of boxes with score larger than threshold |
void apollo::perception::camera::apply_nms_fast | ( | const std::vector< NormalizedBBox > & | bboxes, |
const std::vector< float > & | scores, | ||
const float | score_threshold, | ||
const float | nms_threshold, | ||
const float | eta, | ||
const int | top_k, | ||
std::vector< int > * | indices | ||
) |
nms for objects
bboxes | input bounding boxes |
scores | input scores, size sames to boxes |
score_threshold | score threshold |
nms_threshold | NMS threshold |
eta | eta parameter |
top_k | top_k parameter for nms |
indices | indices of objects to keep |
在文件 postprocess.cc 第 207 行定义.
void apollo::perception::camera::apply_nms_gpu | ( | const float * | bbox_data, |
const float * | conf_data, | ||
const std::vector< int > & | origin_indices, | ||
const int | bbox_step, | ||
const float | confidence_threshold, | ||
const int | top_k, | ||
const float | nms_threshold, | ||
std::vector< int > * | indices, | ||
base::Blob< bool > * | overlapped, | ||
base::Blob< int > * | idx_sm, | ||
const cudaStream_t & | _stream | ||
) |
Get all boxes with score larger than threshold
bbox_data | bbox data |
conf_data | conf data |
origin_indices | origin indices |
bbox_step | bbox step |
confidence_threshold | onfidence threshold |
top_k | top k |
nms_threshold | nms threshold |
indices | indices of boxes with score larger than threshold |
overlapped | overlap result |
idx_sm | indices of boxes with score larger than threshold |
_stream | stream |
void apollo::perception::camera::apply_softnms_fast | ( | const std::vector< NormalizedBBox > & | bboxes, |
std::vector< float > * | scores, | ||
const float | score_threshold, | ||
const float | nms_threshold, | ||
const int | top_k, | ||
std::vector< int > * | indices, | ||
bool | is_linear, | ||
const float | sigma | ||
) |
softnms for objects
bboxes | vector of bboxes |
scores | vector of scores |
score_threshold | threshold for scores |
nms_threshold | threshold for nms |
top_k | top k scores |
indices | indices of object |
is_linear | true if is linear |
sigma | sigma for gaussian kernel |
在文件 postprocess.cc 第 97 行定义.
void apollo::perception::camera::Bbox3dLidar2Camera | ( | const Eigen::Matrix< float, 3, 4 > & | V2C, |
const Eigen::Matrix< float, 3, 3 > & | R, | ||
const float * | bbox_lidar, | ||
std::vector< float > * | bbox_camera | ||
) |
Get the Caddn Objects objects from Blob
V2C | the object container |
R | the rotation matrix |
bbox_lidar | lidar boxes |
bbox_camera | camera boxes |
在文件 postprocess.cc 第 77 行定义.
__host__ __device__ float apollo::perception::camera::bbox_size_gpu | ( | const float * | bbox, |
const bool | normalized | ||
) |
void apollo::perception::camera::BevFormerCrop | ( | cv::Mat * | img, |
cv::Mat * | img_n, | ||
int | x, | ||
int | y, | ||
int | width, | ||
int | height | ||
) |
Image crop function
img | The image to be cropped. |
x | The x coordinate of the left side of the crop. |
y | The y coordinate of the top side of the crop. |
width | The width of the crop image. |
height | The height of the crop image. |
在文件 preprocess.cc 第 28 行定义.
void apollo::perception::camera::BevFormerNormalize | ( | const std::vector< float > & | mean, |
const std::vector< float > & | std, | ||
float | scale, | ||
cv::Mat * | img | ||
) |
Image normalize function
mean | The mean value of the image. |
std | The standard deviation of the image. |
scale | The scale value of the image. |
im | The image to be normalized. |
在文件 preprocess.cc 第 34 行定义.
void apollo::perception::camera::BevFormerResize | ( | cv::Mat * | img, |
cv::Mat * | img_n, | ||
int | width, | ||
int | height | ||
) |
Image resize function
img | The image to be resized. |
width | The width of the image. |
height | The height of the image. |
在文件 preprocess.cc 第 24 行定义.
T apollo::perception::camera::CalAngleDiff | ( | const T | a1, |
const T | a2 | ||
) |
在文件 twod_threed_util.h 第 61 行定义.
void apollo::perception::camera::CalculateMeanAndVariance | ( | const std::vector< T > & | data, |
T * | mean, | ||
T * | variance | ||
) |
Eigen::Matrix3d apollo::perception::camera::Camera2CarHomograph | ( | const Eigen::Matrix3d & | intrinsic, |
const Eigen::Matrix4d & | extrinsic_camera2lidar, | ||
const Eigen::Matrix4d & | extrinsic_lidar2imu, | ||
double | pitch_adj | ||
) |
在文件 visualizer.cc 第 60 行定义.
bool apollo::perception::camera::CameraPoint2Image | ( | const Eigen::Vector3d & | camera_point, |
const Eigen::Matrix3f & | intrinsic_params, | ||
base::Point2DF * | img_point | ||
) |
在文件 common_functions.cc 第 226 行定义.
bool apollo::perception::camera::CameraVisualization | ( | onboard::CameraFrame * | frame, |
const std::string & | file_name | ||
) |
Save visualization results to file_name(.jpg)
frame | CameraFrame |
file_name | Image contains visualization results |
在文件 visualizer.cc 第 40 行定义.
bool apollo::perception::camera::CheckXY | ( | const T & | x, |
const T & | y, | ||
int | width, | ||
int | height | ||
) |
在文件 twod_threed_util.h 第 245 行定义.
bool apollo::perception::camera::ComparePoint2DY | ( | const base::Point2DF & | point1, |
const base::Point2DF & | point2 | ||
) |
在文件 common_functions.cc 第 241 行定义.
void apollo::perception::camera::compute_overlapped_by_idx_gpu | ( | const int | nthreads, |
const float * | bbox_data, | ||
const float | overlap_threshold, | ||
const int * | idx, | ||
const int | num_idx, | ||
bool * | overlapped_data, | ||
const cudaStream_t & | _stream | ||
) |
Get all boxes with score larger than threshold
nthreads | number of threads |
bbox_data | bbox data |
overlap_threshold | overlap threshold |
idx | bbox index |
num_idx | number of bbox index |
overlapped_data | overlap result |
_stream | stream |
float apollo::perception::camera::ComputeYoloxOverlap | ( | const base::Rect< float > & | a, |
const base::Rect< float > & | b | ||
) |
在文件 postprocess.cc 第 295 行定义.
bool apollo::perception::camera::Contain | ( | const std::vector< T > & | array, |
const T & | element | ||
) |
void apollo::perception::camera::ConvertGround3ToGround4 | ( | const float & | baseline, |
const std::vector< float > & | k_mat, | ||
const std::vector< float > & | ground3, | ||
std::vector< float > * | ground4 | ||
) |
在文件 camera_ground_plane.cc 第 27 行定义.
bool apollo::perception::camera::ConvertGround4ToGround3 | ( | const float & | baseline, |
const std::vector< float > & | k_mat, | ||
const std::vector< float > & | ground4, | ||
std::vector< float > * | ground3 | ||
) |
在文件 camera_ground_plane.cc 第 48 行定义.
void apollo::perception::camera::Crop | ( | cv::Mat * | img, |
cv::Mat * | img_n, | ||
int | x, | ||
int | y, | ||
int | width, | ||
int | height | ||
) |
Image crop function
img | The image to be cropped. |
x | The x coordinate of the left side of the crop. |
y | The y coordinate of the top side of the crop. |
width | The width of the crop image. |
height | The height of the crop image. |
在文件 preprocess.cc 第 28 行定义.
apollo::perception::camera::CYBER_REGISTER_COMPONENT | ( | CameraDetectionBevComponent | ) |
apollo::perception::camera::CYBER_REGISTER_COMPONENT | ( | CameraDetectionMultiStageComponent | ) |
apollo::perception::camera::CYBER_REGISTER_COMPONENT | ( | CameraDetectionOccComponent | ) |
apollo::perception::camera::CYBER_REGISTER_COMPONENT | ( | CameraDetectionSingleStageComponent | ) |
apollo::perception::camera::CYBER_REGISTER_COMPONENT | ( | CameraLocationEstimationComponent | ) |
apollo::perception::camera::CYBER_REGISTER_COMPONENT | ( | CameraLocationRefinementComponent | ) |
apollo::perception::camera::CYBER_REGISTER_COMPONENT | ( | CameraTrackingComponent | ) |
apollo::perception::camera::CYBER_REGISTER_COMPONENT | ( | MotionServiceComponent | ) |
bool apollo::perception::camera::dupImageChannels | ( | const base::Image8UPtr & | src, |
const base::Image8UPtr & | dst, | ||
const int | src_width, | ||
const int | src_height | ||
) |
在文件 image_data_operations.cc 第 55 行定义.
__global__ void apollo::perception::camera::duplicate_kernel | ( | const unsigned char * | src, |
size_t | src_width_step, | ||
uchar3 * | dst, | ||
size_t | dst_width_step, | ||
int | width, | ||
int | height | ||
) |
在文件 image_data_operations_rpp.h 第 160 行定义.
bool apollo::perception::camera::Equal | ( | double | x, |
double | target, | ||
double | eps | ||
) |
bool apollo::perception::camera::Equal | ( | float | x, |
float | target, | ||
float | eps | ||
) |
void apollo::perception::camera::fill_area_id | ( | bool | with_flag, |
base::ObjectPtr | obj, | ||
const float * | data | ||
) |
add area id value to object
with_flag | true: area id is exist |
obj | object result |
data | area id |
在文件 postprocess.cc 第 374 行定义.
void apollo::perception::camera::fill_base | ( | base::ObjectPtr | obj, |
const float * | bbox | ||
) |
add bbox value to object
obj | object result |
bbox | [N, 4] |
在文件 postprocess.cc 第 316 行定义.
void apollo::perception::camera::fill_bbox3d | ( | bool | with_bbox3d, |
base::ObjectPtr | obj, | ||
const float * | bbox | ||
) |
add alpha h w l to object
with_bbox3d | whether to add alpha h w l to object |
obj | object |
bbox | the bbox of object |
在文件 postprocess.cc 第 323 行定义.
void apollo::perception::camera::fill_frbox | ( | bool | with_frbox, |
base::ObjectPtr | obj, | ||
const float * | bbox | ||
) |
add car front and backward bbox value to object
with_frbox | whether to add car front and backward bbox value to object |
obj | object |
bbox | the bbox of object |
在文件 postprocess.cc 第 332 行定义.
void apollo::perception::camera::fill_lights | ( | bool | with_lights, |
base::ObjectPtr | obj, | ||
const float * | bbox | ||
) |
add car lights value to object
with_lights | lights info |
obj | object to be filled |
bbox | the bbox of object |
在文件 postprocess.cc 第 346 行定义.
void apollo::perception::camera::fill_ratios | ( | bool | with_ratios, |
base::ObjectPtr | obj, | ||
const float * | bbox | ||
) |
add ratio value to object
with_ratios | ratio value will be added to object |
obj | object to be filled |
bbox | the bbox of object |
在文件 postprocess.cc 第 357 行定义.
void apollo::perception::camera::FillBBox | ( | base::ObjectPtr | obj, |
const float * | bbox, | ||
int | width, | ||
int | height | ||
) |
在文件 postprocess.cc 第 80 行定义.
void apollo::perception::camera::FillBBox3d | ( | base::ObjectPtr | obj, |
const float * | bbox | ||
) |
在文件 postprocess.cc 第 87 行定义.
void apollo::perception::camera::FillBBox3d | ( | const float * | bbox, |
base::ObjectPtr | obj | ||
) |
Fill the 3d bbox to object
bbox | |
obj |
在文件 postprocess.cc 第 71 行定义.
void apollo::perception::camera::FillCaddnBbox3d | ( | base::ObjectPtr | obj, |
const float * | bbox | ||
) |
Add objects values to object
obj | object |
bbox | bbox result |
在文件 postprocess.cc 第 109 行定义.
bool apollo::perception::camera::FillImage | ( | onboard::CameraFrame * | frame, |
const std::string & | file_name | ||
) |
Read image from file_name and fill in frame->data_provider
frame | onboard::CameraFrame |
file_name | image file |
void apollo::perception::camera::FillObjectPolygonFromBBox3D | ( | base::Object * | object_ptr | ) |
void apollo::perception::camera::filter_bbox | ( | const MinDims & | min_dims, |
std::vector< base::ObjectPtr > * | objects | ||
) |
filter out the objects in the object array based on the given minimum dimension conditions and retain the objects that meet the conditions
min_dims | minimum dimensions of the bounding box |
objects | list of objects |
在文件 postprocess.cc 第 245 行定义.
void apollo::perception::camera::FilterByMinDims | ( | const smoke::MinDims & | min_dims, |
std::vector< base::ObjectPtr > * | objects | ||
) |
在文件 postprocess.cc 第 26 行定义.
bool apollo::perception::camera::FindCC | ( | const std::vector< unsigned char > & | src, |
int | width, | ||
int | height, | ||
const base::RectI & | roi, | ||
std::vector< ConnectedComponent > * | cc | ||
) |
在文件 common_functions.cc 第 83 行定义.
bool apollo::perception::camera::FindKLargeValue | ( | const float * | distance, |
int | dim, | ||
int | k, | ||
int * | index | ||
) |
在文件 common_functions.cc 第 292 行定义.
bool apollo::perception::camera::FindKSmallValue | ( | const float * | distance, |
int | dim, | ||
int | k, | ||
int * | index | ||
) |
在文件 common_functions.cc 第 246 行定义.
|
inline |
在文件 math_functions.h 第 30 行定义.
void apollo::perception::camera::GenCorners | ( | T | h, |
T | w, | ||
T | l, | ||
T * | x_cor, | ||
T * | y_cor, | ||
T * | z_cor | ||
) |
在文件 twod_threed_util.h 第 111 行定义.
void apollo::perception::camera::GenRotMatrix | ( | const T & | ry, |
T * | rot | ||
) |
在文件 twod_threed_util.h 第 101 行定义.
int apollo::perception::camera::get_area_id | ( | float | visible_ratios[4] | ) |
calculate the area id based on the visible ratios
visible_ratios | visible ratios |
在文件 postprocess.cc 第 380 行定义.
float apollo::perception::camera::get_bbox_size | ( | const NormalizedBBox & | bbox | ) |
在文件 postprocess.cc 第 43 行定义.
const float * apollo::perception::camera::get_cpu_data | ( | bool | flag, |
const base::Blob< float > & | blob | ||
) |
在文件 postprocess.cc 第 415 行定义.
const float * apollo::perception::camera::get_gpu_data | ( | bool | flag, |
const base::Blob< float > & | blob | ||
) |
Get the gpu data object
flag | flag to get the gpu data object |
blob | blob to get the gpu data object |
void apollo::perception::camera::get_intersect_bbox | ( | const NormalizedBBox & | bbox1, |
const NormalizedBBox & | bbox2, | ||
NormalizedBBox * | intersect_bbox | ||
) |
Get the intersect bbox object
bbox1 | [in] first bbox |
bbox2 | [in] second bbox |
intersect_bbox | [out] intersect bbox |
在文件 postprocess.cc 第 25 行定义.
float apollo::perception::camera::get_jaccard_overlap | ( | const NormalizedBBox & | bbox1, |
const NormalizedBBox & | bbox2 | ||
) |
Get the jaccard overlap object
bbox1 | [in] first bbox |
bbox2 | [in] second bbox |
在文件 postprocess.cc 第 58 行定义.
void apollo::perception::camera::get_max_score_index | ( | const std::vector< float > & | scores, |
const float | threshold, | ||
const int | top_k, | ||
std::vector< std::pair< float, int > > * | score_index_vec | ||
) |
Get the max score index object
scores | the scores array |
threshold | threshold value |
top_k | top k |
score_index_vec | output index array |
在文件 postprocess.cc 第 77 行定义.
void apollo::perception::camera::get_objects_cpu | ( | const YoloBlobs & | yolo_blobs, |
const cudaStream_t & | stream, | ||
const std::vector< base::ObjectSubType > & | types, | ||
const NMSParam & | nms, | ||
const yolo::ModelParam & | model_param, | ||
float | light_vis_conf_threshold, | ||
float | light_swt_conf_threshold, | ||
base::Blob< bool > * | overlapped, | ||
base::Blob< int > * | idx_sm, | ||
std::vector< base::ObjectPtr > * | objects | ||
) |
Get the objects cpu object
yolo_blobs | YOLO blobs |
stream | CUDA stream |
types | object types |
nms | nms params |
model_param | model params |
light_vis_conf_threshold | light vis conf threshold |
light_swt_conf_threshold | light swt conf threshold |
overlapped | overlapped blob |
idx_sm | idx sm blob |
objects | object blob |
在文件 postprocess.cc 第 419 行定义.
int apollo::perception::camera::get_objects_gpu | ( | const YoloBlobs & | yolo_blobs, |
const cudaStream_t & | stream, | ||
const std::vector< base::ObjectSubType > & | types, | ||
const NMSParam & | nms, | ||
const yolo::ModelParam & | model_param, | ||
float | light_vis_conf_threshold, | ||
float | light_swt_conf_threshold, | ||
base::Blob< bool > * | overlapped, | ||
base::Blob< int > * | idx_sm, | ||
const std::map< base::ObjectSubType, std::vector< int > > & | indices, | ||
const std::map< base::ObjectSubType, std::vector< float > > & | conf_scores | ||
) |
Get the objects gpu object
yolo_blobs | YOLO blobs |
stream | Stream to use |
types | Type of object |
nms | NMS type |
model_param | Model's parameter |
light_vis_conf_threshold | Light vis confidence threshold |
light_swt_conf_threshold | Light swt confidence threshold |
overlapped | Overlapped objects |
idx_sm | Indices of objects in blob |
indices | Indices of objects in blob |
conf_scores | Confidence scores of objects |
void apollo::perception::camera::GetBboxFromPts | ( | const T * | pts, |
const int & | n, | ||
T * | bbox | ||
) |
在文件 twod_threed_util.h 第 147 行定义.
std::vector< std::string > apollo::perception::camera::GetBlobNames3DYolox | ( | const google::protobuf::RepeatedPtrField< common::ModelBlob > & | model_blobs | ) |
在文件 yolox3d_obstacle_detector.cc 第 67 行定义.
void apollo::perception::camera::GetCaddnObjects | ( | std::vector< base::ObjectPtr > * | objects, |
const caddn::ModelParam & | model_param, | ||
const std::vector< base::ObjectSubType > & | types, | ||
const base::BlobPtr< float > & | boxes, | ||
const base::BlobPtr< float > & | labels, | ||
const base::BlobPtr< float > & | scores | ||
) |
Get the Caddn Objects objects from Blob
objects | The objects container |
model_param | The Caddn model param |
types | The object types |
boxes | The boxes container |
labels | The labels container |
scores | The scores container |
在文件 postprocess.cc 第 25 行定义.
void apollo::perception::camera::GetDxDzForCenterFromGroundLineSeg | ( | const LineSegment2D< T > & | ls, |
const T * | plane, | ||
const T * | pts_c, | ||
const T * | k_mat, | ||
int | width, | ||
int | height, | ||
T | ratio_x_over_z, | ||
T * | dx_dz, | ||
bool | check_lowerbound = true |
||
) |
在文件 twod_threed_util.h 第 277 行定义.
bool apollo::perception::camera::GetFileListFromFile | ( | const std::string & | file_name, |
std::vector< std::string > * | file_list | ||
) |
Get the File List From File object
file_name | A file containing all filenames |
file_list | Array of output filenames |
bool apollo::perception::camera::GetFileListFromPath | ( | const std::string & | file_path, |
std::vector< std::string > * | file_list | ||
) |
void apollo::perception::camera::GetGround3FromPitchHeight | ( | const std::vector< float > & | k_mat, |
const float & | baseline, | ||
const float & | pitch, | ||
const float & | cam_height, | ||
std::vector< float > * | ground3 | ||
) |
在文件 camera_ground_plane.cc 第 97 行定义.
void apollo::perception::camera::GetGroundPlanePitchHeight | ( | const float & | baseline, |
const std::vector< float > & | k_mat, | ||
const std::vector< float > & | ground3, | ||
float * | pitch, | ||
float * | cam_height | ||
) |
在文件 camera_ground_plane.cc 第 77 行定义.
cv::Mat apollo::perception::camera::GetImage | ( | const std::string & | path, |
bool | to_rgb | ||
) |
在文件 camera_preprocess_general_util.cc 第 26 行定义.
T apollo::perception::camera::GetJaccardIndex | ( | const T * | bbox_ref, |
const T & | x_min, | ||
const T & | y_min, | ||
const T & | x_max, | ||
const T & | y_max | ||
) |
在文件 twod_threed_util.h 第 86 行定义.
int apollo::perception::camera::GetMinIndexVec | ( | const T * | vec, |
const int & | n | ||
) |
在文件 twod_threed_util.h 第 163 行定义.
void apollo::perception::camera::GetObjects | ( | const base::BlobPtr< float > & | box3ds, |
const base::BlobPtr< float > & | labels, | ||
const base::BlobPtr< float > & | scores, | ||
const std::vector< base::ObjectSubType > & | types, | ||
float | score_threshold, | ||
std::vector< base::ObjectPtr > * | objects | ||
) |
Get the Objects objects from blob
box3ds | The input box 3ds blob |
labels | The input labels blob |
scores | The input scores blob |
types | The input types blob |
score_threshold | The threshold for score to be considered |
objects | The output objects blob |
在文件 postprocess.cc 第 35 行定义.
void apollo::perception::camera::GetObjectsCpu | ( | const std::shared_ptr< base::Blob< float > > & | output_blob, |
const std::vector< base::ObjectSubType > & | types, | ||
const smoke::ModelParam & | model_param, | ||
std::vector< base::ObjectPtr > * | objects, | ||
int | width, | ||
int | height | ||
) |
在文件 postprocess.cc 第 108 行定义.
T apollo::perception::camera::GetPolyValue | ( | T | a, |
T | b, | ||
T | c, | ||
T | d, | ||
T | x | ||
) |
在文件 darkSCNN_lane_postprocessor.cc 第 66 行定义.
|
inline |
T apollo::perception::camera::GetScoreViaRotDimensionCenter | ( | const T * | k_mat, |
int | width, | ||
int | height, | ||
const T * | bbox, | ||
const T * | rot, | ||
const T * | hwl, | ||
const T * | location, | ||
const bool & | check_truncation, | ||
T * | bbox_res = nullptr , |
||
T * | bbox_near = nullptr |
||
) |
在文件 twod_threed_util.h 第 177 行定义.
|
inline |
|
inline |
在文件 twod_threed_util.h 第 72 行定义.
base::ObjectSubType apollo::perception::camera::GetSubtype | ( | int | cls, |
const std::vector< base::ObjectSubType > & | types | ||
) |
Get the Subtype
Get the Subtype objects from Blob
cls | Input class label |
types | Output type label |
cls | the object container |
types | the object types |
在文件 postprocess.cc 第 26 行定义.
void apollo::perception::camera::GetYawVelocityInfo | ( | const float & | time_diff, |
const double | cam_coord_cur[3], | ||
const double | cam_coord_pre[3], | ||
const double | cam_coord_pre_pre[3], | ||
float * | yaw_rate, | ||
float * | velocity | ||
) |
在文件 lane_based_calibrator.cc 第 24 行定义.
void apollo::perception::camera::GroundFittingCostFunc | ( | const T * | p, |
const T * | v, | ||
const T * | d, | ||
int | n, | ||
int * | nr_inlier, | ||
int * | inliers, | ||
T * | cost, | ||
T | error_tol | ||
) |
在文件 camera_ground_plane.h 第 179 行定义.
void apollo::perception::camera::GroundHypoGenFunc | ( | const T * | v, |
const T * | d, | ||
T * | p | ||
) |
在文件 camera_ground_plane.h 第 168 行定义.
std::vector< float > apollo::perception::camera::HWC2CHW | ( | const cv::Mat & | input_img | ) |
在文件 camera_preprocess_general_util.cc 第 69 行定义.
bool apollo::perception::camera::ImagePoint2Camera | ( | const base::Point2DF & | img_point, |
float | pitch_angle, | ||
float | camera_ground_height, | ||
const Eigen::Matrix3f & | intrinsic_params_inverse, | ||
Eigen::Vector3d * | camera_point | ||
) |
在文件 common_functions.cc 第 203 行定义.
bool apollo::perception::camera::imageRemap | ( | const base::Image8U & | src_img, |
base::Image8U * | dst_img, | ||
const int | src_width, | ||
const int | src_height, | ||
const base::Blob< float > & | map_x, | ||
const base::Blob< float > & | map_y | ||
) |
在文件 image_data_operations.cc 第 60 行定义.
bool apollo::perception::camera::imageToBlob | ( | const base::Image8U & | image, |
base::Blob< uint8_t > * | blob | ||
) |
在文件 image_data_operations.cc 第 39 行定义.
bool apollo::perception::camera::imageToGray | ( | const base::Image8UPtr & | src, |
const base::Image8UPtr & | dst, | ||
const int | src_width, | ||
const int | src_height, | ||
const float | coeffs[3] | ||
) |
在文件 image_data_operations.cc 第 43 行定义.
bool apollo::perception::camera::InitDataProvider | ( | onboard::CameraFrame * | camera_frame | ) |
在文件 offline_camera_detection.cc 第 53 行定义.
bool apollo::perception::camera::IsCovered | ( | const base::Rect< T > & | rect1, |
const base::Rect< T > & | rect2, | ||
float | thresh | ||
) |
bool apollo::perception::camera::IsCoveredHorizon | ( | const base::Rect< T > & | rect1, |
const base::Rect< T > & | rect2, | ||
float | thresh | ||
) |
bool apollo::perception::camera::IsCoveredVertical | ( | const base::Rect< T > & | rect1, |
const base::Rect< T > & | rect2, | ||
float | thresh | ||
) |
|
inline |
|
inline |
__host__ __device__ float apollo::perception::camera::jaccard_overlap_gpu | ( | const float * | bbox1, |
const float * | bbox2 | ||
) |
bool apollo::perception::camera::LaneVisualization | ( | onboard::CameraFrame * | frame, |
const std::string & | file_name | ||
) |
在文件 visualizer.cc 第 119 行定义.
bool apollo::perception::camera::LoadAnchors | ( | const std::string & | path, |
std::vector< float > * | anchors | ||
) |
bool apollo::perception::camera::LoadExpand | ( | const std::string & | path, |
std::vector< float > * | expands | ||
) |
bool apollo::perception::camera::LoadKittiLabel | ( | onboard::CameraFrame * | frame, |
const std::string & | kitti_path, | ||
const std::string & | dist_type | ||
) |
Read KITTI labels and fill to frame->detected_objects
frame | onboard::CameraFrame |
kitti_path | kitti path include labels |
dist_type | "H-from-h" or "H-on-h" |
在文件 ground_truth.cc 第 43 行定义.
bool apollo::perception::camera::LoadTypes | ( | const std::string & | path, |
std::vector< base::ObjectSubType > * | types | ||
) |
void apollo::perception::camera::Normalize | ( | const std::vector< float > & | mean, |
const std::vector< float > & | std, | ||
float | scale, | ||
cv::Mat * | img | ||
) |
Image normalize function
mean | The mean value of the image. |
std | The standard deviation of the image. |
scale | The scale value of the image. |
im | The image to be normalized. |
在文件 preprocess.cc 第 33 行定义.
bool apollo::perception::camera::nppDupImageChannels | ( | const base::Image8UPtr & | src, |
const base::Image8UPtr & | dst, | ||
const int | src_width, | ||
const int | src_height | ||
) |
在文件 image_data_operations_npp.h 第 76 行定义.
bool apollo::perception::camera::nppImageRemap | ( | const base::Image8U & | src_img, |
base::Image8U * | dst_img, | ||
const int | src_width, | ||
const int | src_height, | ||
const base::Blob< float > & | map_x, | ||
const base::Blob< float > & | map_y | ||
) |
在文件 image_data_operations_npp.h 第 91 行定义.
bool apollo::perception::camera::nppImageToBlob | ( | const base::Image8U & | image, |
base::Blob< uint8_t > * | blob | ||
) |
在文件 image_data_operations_npp.h 第 22 行定义.
bool apollo::perception::camera::nppImageToGray | ( | const base::Image8UPtr & | src, |
const base::Image8UPtr & | dst, | ||
const int | src_width, | ||
const int | src_height, | ||
const float | coeffs[3] | ||
) |
在文件 image_data_operations_npp.h 第 43 行定义.
bool apollo::perception::camera::nppSwapImageChannels | ( | const base::Image8UPtr & | src, |
const base::Image8UPtr & | dst, | ||
const int | src_width, | ||
const int | src_height, | ||
const int | order[3] | ||
) |
在文件 image_data_operations_npp.h 第 59 行定义.
bool apollo::perception::camera::Occlude | ( | const T * | bbox1, |
const T & | h1, | ||
const T * | bbox2, | ||
const T & | h2 | ||
) |
在文件 twod_threed_util.h 第 127 行定义.
std::ostream & apollo::perception::camera::operator<< | ( | std::ostream & | os, |
const CarPose & | pose | ||
) |
bool apollo::perception::camera::OutOfValidRegion | ( | const base::BBox2D< T > | box, |
const T | width, | ||
const T | height, | ||
const T | border_size = 0 |
||
) |
bool apollo::perception::camera::OutOfValidRegion | ( | const base::Rect< T > | rect, |
const T | width, | ||
const T | height, | ||
const T | border_size = 0 |
||
) |
apollo::perception::camera::PERCEPTION_REGISTER_CAMERA_PERCEPTION | ( | LaneCameraPerception | ) |
apollo::perception::camera::PERCEPTION_REGISTER_CIPV | ( | Cipv | ) |
apollo::perception::camera::PERCEPTION_REGISTER_MATCHER | ( | HMMatcher | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseCalibrationService | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseCalibrator | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseCameraPerception | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseCipv | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseFeatureExtractor | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseLaneDetector | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseLanePostprocessor | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseMatcher | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseObstacleDetector | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseObstacleTracker | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BasePostprocessor | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BasePredictor | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseTracker | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseTransformer | ) |
apollo::perception::camera::PERCEPTION_REGISTER_TRACKER | ( | CameraTracker | ) |
bool apollo::perception::camera::PolyEval | ( | const Dtype & | x, |
int | order, | ||
const Eigen::Matrix< Dtype, max_poly_order+1, 1 > & | coeff, | ||
Dtype * | y | ||
) |
在文件 common_functions.h 第 96 行定义.
bool apollo::perception::camera::PolyFit | ( | const EigenVector< Eigen::Matrix< Dtype, 2, 1 > > & | pos_vec, |
const int & | order, | ||
Eigen::Matrix< Dtype, max_poly_order+1, 1 > * | coeff, | ||
const bool & | is_x_axis = true |
||
) |
在文件 common_functions.h 第 51 行定义.
void apollo::perception::camera::ProjectBox | ( | const base::BBox2DF & | box_origin, |
const Eigen::Matrix3d & | transform, | ||
base::BBox2DF * | box_projected | ||
) |
在文件 omt_obstacle_tracker.cc 第 356 行定义.
void apollo::perception::camera::QSwap_ | ( | T * | a, |
T * | b | ||
) |
在文件 common_functions.h 第 283 行定义.
void apollo::perception::camera::QuickSort | ( | int * | index, |
const T * | values, | ||
int | nsize | ||
) |
在文件 common_functions.h 第 340 行定义.
void apollo::perception::camera::QuickSort | ( | int * | index, |
const T * | values, | ||
int | start, | ||
int | end | ||
) |
在文件 common_functions.h 第 290 行定义.
bool apollo::perception::camera::RansacFitting | ( | const EigenVector< Eigen::Matrix< Dtype, 2, 1 > > & | pos_vec, |
EigenVector< Eigen::Matrix< Dtype, 2, 1 > > * | selected_points, | ||
Eigen::Matrix< Dtype, 4, 1 > * | coeff, | ||
const int | max_iters = 100 , |
||
const int | N = 5 , |
||
const Dtype | inlier_thres = static_cast<Dtype>(0.1) |
||
) |
在文件 common_functions.h 第 116 行定义.
void apollo::perception::camera::recover_bbox | ( | int | roi_w, |
int | roi_h, | ||
int | offset_y, | ||
std::vector< base::ObjectPtr > * | objects | ||
) |
recover detect bbox result to raw image
roi_w | roi width |
roi_h | roi height |
offset_y | offset y |
objects | detection result |
在文件 postprocess.cc 第 267 行定义.
void apollo::perception::camera::RecoverBBox | ( | int | roi_w, |
int | roi_h, | ||
int | offset_y, | ||
std::vector< base::ObjectPtr > * | objects | ||
) |
在文件 postprocess.cc 第 48 行定义.
bool apollo::perception::camera::RecoveryImage | ( | onboard::CameraFrame * | frame, |
cv::Mat * | cv_img | ||
) |
Recovery cv image from frame->data_provider
frame | onboard::CameraFrame |
cv_img | cv image |
void apollo::perception::camera::RefineBox | ( | const base::BBox2D< T > & | box_in, |
const T | width, | ||
const T | height, | ||
base::BBox2D< T > * | box_out | ||
) |
void apollo::perception::camera::RefineBox | ( | const base::Rect< T > & | box_in, |
const T | width, | ||
const T | height, | ||
base::Rect< T > * | box_out | ||
) |
apollo::perception::camera::REGISTER_CALIBRATION_SERVICE | ( | OnlineCalibrationService | ) |
apollo::perception::camera::REGISTER_CALIBRATOR | ( | LaneLineCalibrator | ) |
apollo::perception::camera::REGISTER_FEATURE_EXTRACTOR | ( | ExternalFeatureExtractor | ) |
apollo::perception::camera::REGISTER_FEATURE_EXTRACTOR | ( | ProjectFeature | ) |
apollo::perception::camera::REGISTER_FEATURE_EXTRACTOR | ( | TrackingFeatureExtractor | ) |
apollo::perception::camera::REGISTER_LANE_DETECTOR | ( | DarkSCNNLaneDetector | ) |
apollo::perception::camera::REGISTER_LANE_DETECTOR | ( | DenselineLaneDetector | ) |
apollo::perception::camera::REGISTER_LANE_POSTPROCESSOR | ( | DarkSCNNLanePostprocessor | ) |
apollo::perception::camera::REGISTER_LANE_POSTPROCESSOR | ( | DenselineLanePostprocessor | ) |
apollo::perception::camera::REGISTER_OBSTACLE_DETECTOR | ( | BEVFORMERObstacleDetector | ) |
apollo::perception::camera::REGISTER_OBSTACLE_DETECTOR | ( | BEVObstacleDetector | ) |
apollo::perception::camera::REGISTER_OBSTACLE_DETECTOR | ( | CaddnObstacleDetector | ) |
apollo::perception::camera::REGISTER_OBSTACLE_DETECTOR | ( | SmokeObstacleDetector | ) |
apollo::perception::camera::REGISTER_OBSTACLE_DETECTOR | ( | YoloObstacleDetector | ) |
apollo::perception::camera::REGISTER_OBSTACLE_DETECTOR | ( | Yolox3DObstacleDetector | ) |
apollo::perception::camera::REGISTER_OBSTACLE_POSTPROCESSOR | ( | LocationRefinerPostprocessor | ) |
apollo::perception::camera::REGISTER_OBSTACLE_TRACKER | ( | OMTObstacleTracker | ) |
apollo::perception::camera::REGISTER_OBSTACLE_TRANSFORMER | ( | MultiCueTransformer | ) |
apollo::perception::camera::REGISTER_OBSTACLE_TRANSFORMER | ( | SingleStageTransformer | ) |
__global__ void apollo::perception::camera::remap_pkd3_kernel | ( | const uchar3 * | src, |
size_t | src_width_step, | ||
uchar3 * | dst, | ||
size_t | dst_width_step, | ||
const float * | mapx, | ||
const float * | mapy, | ||
int | width, | ||
int | height | ||
) |
在文件 image_data_operations_rpp.h 第 228 行定义.
__global__ void apollo::perception::camera::remap_pln1_kernel | ( | const unsigned char * | src, |
size_t | src_width_step, | ||
unsigned char * | dst, | ||
size_t | dst_width_step, | ||
const float * | mapx, | ||
const float * | mapy, | ||
int | width, | ||
int | height | ||
) |
在文件 image_data_operations_rpp.h 第 193 行定义.
void apollo::perception::camera::Resize | ( | const cv::Mat & | input_img, |
cv::Mat * | out_img, | ||
cv::Size | size, | ||
double | fx = 0 , |
||
double | fy = 0 , |
||
int | interpolation = cv::INTER_LINEAR |
||
) |
void apollo::perception::camera::Resize | ( | const cv::Mat & | input_img, |
cv::Mat * | out_img, | ||
int | width, | ||
int | height, | ||
double | fx, | ||
double | fy, | ||
int | interpolation | ||
) |
在文件 camera_preprocess_general_util.cc 第 40 行定义.
void apollo::perception::camera::Resize | ( | cv::Mat * | img, |
cv::Mat * | img_n, | ||
int | width, | ||
int | height | ||
) |
Image resize function
img | The image to be resized. |
width | The width of the image. |
height | The height of the image. |
在文件 preprocess.cc 第 24 行定义.
bool apollo::perception::camera::ResizeCPU | ( | const base::Blob< uint8_t > & | src_blob, |
std::shared_ptr< base::Blob< float > > | dst_blob, | ||
int | stepwidth, | ||
int | start_axis | ||
) |
cv::Mat apollo::perception::camera::resizeKeepAspectRatioYolox | ( | const cv::Mat & | input, |
const cv::Size & | dstSize, | ||
const cv::Scalar & | bgcolor | ||
) |
在文件 yolox3d_obstacle_detector.cc 第 120 行定义.
bool apollo::perception::camera::rppDupImageChannels | ( | const base::Image8UPtr & | src, |
const base::Image8UPtr & | dst, | ||
const int | src_width, | ||
const int | src_height | ||
) |
在文件 image_data_operations_rpp.h 第 176 行定义.
bool apollo::perception::camera::rppImageRemap | ( | const base::Image8U & | src_img, |
base::Image8U * | dst_img, | ||
const int | src_width, | ||
const int | src_height, | ||
const base::Blob< float > & | map_x, | ||
const base::Blob< float > & | map_y | ||
) |
在文件 image_data_operations_rpp.h 第 273 行定义.
bool apollo::perception::camera::rppImageToBlob | ( | const base::Image8U & | image, |
base::Blob< uint8_t > * | blob | ||
) |
在文件 image_data_operations_rpp.h 第 74 行定义.
bool apollo::perception::camera::rppImageToGray | ( | const base::Image8UPtr & | src, |
const base::Image8UPtr & | dst, | ||
const int | src_width, | ||
const int | src_height, | ||
const float | coeffs[3] | ||
) |
在文件 image_data_operations_rpp.h 第 97 行定义.
bool apollo::perception::camera::rppInitDescriptor | ( | RpptDescPtr & | descPtr, |
int | width, | ||
int | height, | ||
int | channels, | ||
int | width_step | ||
) |
在文件 image_data_operations_rpp.h 第 41 行定义.
bool apollo::perception::camera::rppSwapImageChannels | ( | const base::Image8UPtr & | src, |
const base::Image8UPtr & | dst, | ||
const int | src_width, | ||
const int | src_height, | ||
const int | order[3] | ||
) |
在文件 image_data_operations_rpp.h 第 134 行定义.
bool apollo::perception::camera::SaveCameraDetectionResult | ( | onboard::CameraFrame * | frame, |
const std::string & | file_name | ||
) |
Save detection result to file_name
frame | onboard::CameraFrame |
file_name | result file |
bool apollo::perception::camera::SaveLaneDetectionResult | ( | onboard::CameraFrame * | frame, |
const std::string & | file_name | ||
) |
bool apollo::perception::camera::SaveTfDetectionResult | ( | onboard::CameraFrame * | frame, |
const std::string & | file_name | ||
) |
|
inline |
|
inline |
|
inline |
在文件 math_functions.h 第 25 行定义.
__host__ __device__ float apollo::perception::camera::sigmoid_gpu | ( | float | x | ) |
bool apollo::perception::camera::sort_score_pair_descend | ( | const std::pair< float, T > & | pair1, |
const std::pair< float, T > & | pair2 | ||
) |
在文件 postprocess.h 第 135 行定义.
Dtype apollo::perception::camera::sqr | ( | Dtype | x | ) |
在文件 math_functions.h 第 35 行定义.
bool apollo::perception::camera::swapImageChannels | ( | const base::Image8UPtr & | src, |
const base::Image8UPtr & | dst, | ||
const int | src_width, | ||
const int | src_height, | ||
const int | order[3] | ||
) |
在文件 image_data_operations.cc 第 49 行定义.
bool apollo::perception::camera::TestDetection | ( | ) |
在文件 offline_camera_detection.cc 第 64 行定义.
bool apollo::perception::camera::TfVisualization | ( | onboard::CameraFrame * | frame, |
const std::string & | file_name | ||
) |
在文件 visualizer.cc 第 114 行定义.
void apollo::perception::camera::UpdateOffsetZ | ( | T | x_start, |
T | z_start, | ||
T | x_end, | ||
T | z_end, | ||
const std::pair< T, T > & | range, | ||
T * | z_offset | ||
) |
在文件 twod_threed_util.h 第 252 行定义.
int apollo::perception::camera::WriteCalibrationOutput | ( | bool | enabled, |
const std::string & | out_path, | ||
const CameraFrame * | frame | ||
) |
在文件 debug_info.cc 第 106 行定义.
int apollo::perception::camera::WriteLanelines | ( | const bool | enabled, |
const std::string & | save_path, | ||
const std::vector< base::LaneLine > & | lane_objects | ||
) |
在文件 debug_info.cc 第 28 行定义.
float apollo::perception::camera::YoloxBboxIOU | ( | const std::vector< float > & | box1, |
const std::vector< float > & | box2 | ||
) |
Computes IoU between bboxes.
box1 | object label |
box2 | object label |
在文件 postprocess.cc 第 359 行定义.
|
constexpr |
Clamp target value between low and high tools for iou
val | target value |
low | min value |
high | max value |
在文件 postprocess.h 第 114 行定义.
void apollo::perception::camera::YoloxFillBase | ( | const std::vector< float > & | detect, |
const int | width, | ||
const int | height, | ||
const int | image_width, | ||
const int | image_height, | ||
base::ObjectPtr | obj | ||
) |
Get 2dbbox for objects
detect | pointer to the detect blob |
width | 640 resized image width |
height | 640 resized image height |
image_width | 1920 image width |
image_height | 1080 image height |
obj | pointer to the object |
在文件 postprocess.cc 第 303 行定义.
void apollo::perception::camera::YoloxFillBbox3d | ( | const yolox3d::ModelParam & | model_param, |
const std::vector< float > & | detect, | ||
base::ObjectPtr | obj | ||
) |
Add 3d bbox values for objects
model_param | The parameters of model |
detect | output of network |
obj | pointer to the object |
在文件 postprocess.cc 第 313 行定义.
void apollo::perception::camera::YoloxGetAllObjects | ( | const float * | data, |
const yolox3d::ModelParam & | model_param, | ||
const float | scale, | ||
std::vector< std::vector< float > > * | objects_out | ||
) |
Get all objects accoring to confidence
data | the output blob data |
model_param | The parameters of model |
objects | pointer to the object |
在文件 postprocess.cc 第 238 行定义.
void apollo::perception::camera::YoloxGetObjectsCpu | ( | const std::shared_ptr< base::Blob< float > > & | objects_blob, |
const yolox3d::ModelParam & | model_param, | ||
const yolox3d::NMSParam & | nms_param, | ||
const int | width, | ||
const int | height, | ||
const int | image_width, | ||
const int | image_height, | ||
std::vector< base::ObjectPtr > * | objects | ||
) |
Return Yolox Objects
objects_blob | the object blob output from network |
model_param | The parameters of model |
nms_param | The parameters of NMS |
width | 640 resized image width |
height | 640 resized image height |
image_width | image width |
image_height | the image width and height |
objects | pointer to the object |
在文件 postprocess.cc 第 431 行定义.
void apollo::perception::camera::YoloxTruncated | ( | base::ObjectPtr | obj, |
const int | image_width, | ||
const int | image_height | ||
) |
object is truncated or not
obj | pointer to the object |
image_width | 1920 image width |
image_height | 1080 image height |
在文件 postprocess.cc 第 402 行定义.
|
constexpr |
在文件 postprocess.h 第 125 行定义.
std::vector<cv::Scalar> apollo::perception::camera::colorlistobj |
std::map<base::LaneLinePositionType, cv::Scalar> apollo::perception::camera::colormapline |
在文件 visualizer.cc 第 45 行定义.
struct { ... } apollo::perception::camera::customLess |
struct apollo::perception::camera::CameraFrame apollo::perception::camera::EIGEN_ALIGN16 |
const std::map<std::string, base::ObjectSubType> apollo::perception::camera::kApolloName2SubTypeMap |
在文件 bevformer_obstacle_detector.cc 第 73 行定义.
|
constexpr |
在文件 postprocess.cc 第 30 行定义.
const std::size_t apollo::perception::camera::kDropsHistorySize = 20 |
在文件 cipv_camera.h 第 44 行定义.
const std::map<int, std::string> apollo::perception::camera::kIndex2ApolloName |
在文件 bevformer_obstacle_detector.cc 第 82 行定义.
const std::map<int, std::string> apollo::perception::camera::kIndex2NuScenesName |
在文件 bevformer_obstacle_detector.cc 第 66 行定义.
const std::map<std::string, base::ObjectSubType> apollo::perception::camera::kKITTIName2SubTypeMap |
在文件 caddn_obstacle_detector.cc 第 33 行定义.
|
constexpr |
在文件 postprocess.cc 第 33 行定义.
const std::size_t apollo::perception::camera::kMaxAllowedSkipObject = 10 |
在文件 cipv_camera.h 第 46 行定义.
|
constexpr |
在文件 cipv_camera.h 第 41 行定义.
|
constexpr |
在文件 cipv_camera.h 第 43 行定义.
|
constexpr |
在文件 cipv_camera.h 第 42 行定义.
const std::size_t apollo::perception::camera::kMaxObjectNum = 100 |
在文件 cipv_camera.h 第 45 行定义.
|
constexpr |
在文件 cipv_camera.h 第 40 行定义.
const std::map< std::string, base::ObjectSubType > apollo::perception::camera::kNuScenesName2SubTypeMap |
在文件 bev_obstacle_detector.cc 第 31 行定义.
|
constexpr |
在文件 postprocess.cc 第 32 行定义.
const float apollo::perception::camera::kTimeDiffDefault = 0.067f |
在文件 lane_based_calibrator.h 第 31 行定义.
std::vector<base::ObjectSubType> apollo::perception::camera::kTypeCanBeRef |
在文件 object_template_manager.cc 第 36 行定义.
std::vector<base::ObjectSubType> apollo::perception::camera::kTypeRefinedByRef |
在文件 object_template_manager.cc 第 46 行定义.
std::vector<base::ObjectSubType> apollo::perception::camera::kTypeRefinedByTemplate |
在文件 object_template_manager.cc 第 39 行定义.
const float apollo::perception::camera::kVelocityDefault = 8.333f |
在文件 lane_based_calibrator.h 第 30 行定义.
const float apollo::perception::camera::kYawRateDefault = 0.0f |
在文件 lane_based_calibrator.h 第 29 行定义.
const base::ObjectSubType apollo::perception::camera::kYoloSubTypeYolox[] |
在文件 postprocess.cc 第 35 行定义.
const int apollo::perception::camera::MAX_CAMERA_IDX = 2147483647 |
在文件 camera_track.cc 第 27 行定义.
|
constexpr |
在文件 postprocess.h 第 124 行定义.
|
constexpr |
在文件 postprocess.h 第 123 行定义.
|
constexpr |
在文件 postprocess.h 第 126 行定义.
const std::map<std::string, base::ObjectSubType> apollo::perception::camera::object_subtype_map |
在文件 ground_truth.cc 第 31 行定义.
std::map<base::LaneLinePositionType, int> apollo::perception::camera::spatialLUTind |
在文件 darkSCNN_lane_postprocessor.cc 第 49 行定义.
const uint32_t apollo::perception::camera::THREADS_PER_BLOCK_X = 32 |
在文件 image_data_operations_rpp.h 第 22 行定义.
const uint32_t apollo::perception::camera::THREADS_PER_BLOCK_Y = 32 |
在文件 image_data_operations_rpp.h 第 23 行定义.