Apollo
6.0
Open source self driving car software
|
Typedefs | |
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 |
typedef std::shared_ptr< TrackObject > | TrackObjectPtr |
typedef std::vector< TrackObjectPtr > | TrackObjectPtrs |
Functions | |
void | WriteCamera2World (std::ofstream &fout, int frame_num, const Eigen::Affine3d &pose) |
void | WriteTracking (std::ofstream &fout, int frame_num, const std::vector< base::ObjectPtr > &tracked_object) |
int | WriteDetections (const bool enable, const std::string &out_path, const std::vector< base::ObjectPtr > &objects) |
int | WriteDetections (const bool enable, const std::string &out_path, CameraFrame *frame) |
int | WriteLanelines (const bool enable, const std::string &save_path, const std::vector< base::LaneLine > &lane_objects) |
int | WriteCalibrationOutput (bool enable, const std::string &out_path, const CameraFrame *frame) |
void | WriteFusionTracking (std::ofstream &fout, int frame_num, const std::string &camera_name, const std::vector< base::ObjectPtr > &tracked_object) |
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) |
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) |
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 (float x, float target, float eps=1e-6f) |
bool | Equal (double x, double target, double eps=1e-6) |
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) |
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_gpu, std::shared_ptr< base::Blob< float >> dst, int stepwidth, int start_axis) |
std::string | GetCyberWorkRoot () |
void | FillObjectPolygonFromBBox3D (base::Object *object_ptr) |
template<typename T > | |
void | CalculateMeanAndVariance (const std::vector< T > &data, T *mean, T *variance) |
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) |
PERCEPTION_REGISTER_REGISTERER (BaseCalibrationService) | |
PERCEPTION_REGISTER_REGISTERER (BaseCalibrator) | |
PERCEPTION_REGISTER_REGISTERER (BaseCameraPerception) | |
PERCEPTION_REGISTER_REGISTERER (BaseCipv) | |
PERCEPTION_REGISTER_REGISTERER (BaseFeatureExtractor) | |
PERCEPTION_REGISTER_REGISTERER (BaseInferenceEngine) | |
PERCEPTION_REGISTER_REGISTERER (BaseLandmarkDetector) | |
PERCEPTION_REGISTER_REGISTERER (BaseLaneDetector) | |
PERCEPTION_REGISTER_REGISTERER (BaseLanePostprocessor) | |
PERCEPTION_REGISTER_REGISTERER (BaseLaneTracker) | |
PERCEPTION_REGISTER_REGISTERER (BaseObstacleDetector) | |
PERCEPTION_REGISTER_REGISTERER (BaseObstaclePostprocessor) | |
PERCEPTION_REGISTER_REGISTERER (BaseObstacleTracker) | |
PERCEPTION_REGISTER_REGISTERER (BaseObstacleTransformer) | |
PERCEPTION_REGISTER_REGISTERER (BaseSceneParser) | |
PERCEPTION_REGISTER_REGISTERER (BaseTLPreprocessor) | |
PERCEPTION_REGISTER_REGISTERER (BaseTrafficLightDetector) | |
PERCEPTION_REGISTER_REGISTERER (BaseTrafficLightTracker) | |
template<typename Dtype > | |
bool | PolyFit (const std::vector< 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 std::vector< Eigen::Matrix< Dtype, 2, 1 >> &pos_vec, std::vector< 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)) |
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) |
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) |
bool | FindKSmallValue (const float *distance, int dim, int k, int *index) |
bool | FindKLargeValue (const float *distance, int dim, int k, int *index) |
CYBER_REGISTER_COMPONENT (MotionService) | |
int | get_smoke_objects_gpu () |
void | get_smoke_objects_cpu (const SmokeBlobs &smoke_blobs, const std::vector< base::ObjectSubType > &types, const smoke::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, int width, int height) |
void | recover_smoke_bbox (int roi_w, int roi_h, int offset_y, std::vector< base::ObjectPtr > *objects) |
void | filter_bbox (const SmokeMinDims &min_dims, std::vector< base::ObjectPtr > *objects) |
void | fill_smoke_base (base::ObjectPtr obj, const float *bbox, int width, int height) |
void | fill_smoke_bbox3d (bool with_bbox3d, base::ObjectPtr obj, const float *bbox) |
base::ObjectSubType | get_smoke_object_subtype (int cls) |
__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 | 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) |
float | get_bbox_size (const NormalizedBBox &bbox) |
void | get_intersect_bbox (const NormalizedBBox &bbox1, const NormalizedBBox &bbox2, NormalizedBBox *intersect_bbox) |
float | get_jaccard_overlap (const NormalizedBBox &bbox1, const NormalizedBBox &bbox2) |
void | apply_nms (const bool *overlapped, const int num, std::vector< int > *indices) |
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) |
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) |
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) |
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) |
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) |
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) |
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) |
void | recover_bbox (int roi_w, int roi_h, int offset_y, std::vector< base::ObjectPtr > *objects) |
void | filter_bbox (const MinDims &min_dims, std::vector< base::ObjectPtr > *objects) |
void | fill_bbox3d (bool with_bbox3d, base::ObjectPtr obj, const float *bbox) |
void | fill_frbox (bool with_frbox, base::ObjectPtr obj, const float *bbox) |
void | fill_lights (bool with_lights, base::ObjectPtr obj, const float *bbox) |
void | fill_ratios (bool with_ratios, base::ObjectPtr obj, const float *bbox) |
void | fill_area_id (bool with_flag, base::ObjectPtr obj, const float *data) |
void | fill_base (base::ObjectPtr obj, const float *bbox) |
const float * | get_gpu_data (bool flag, const base::Blob< float > &blob) |
int | get_area_id (float visible_ratios[4]) |
void | 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, std::vector< base::ObjectPtr > *objects) |
std::ostream & | operator<< (std::ostream &os, const CarPose &pose) |
void | save_image (const std::string &path, base::Image8U *image) |
void | save_blob (const std::string &path, base::Blob< uint8_t > *blob) |
bool | draw_vanishing_row_on_image (const cv::Scalar &color, int vanishing_row, cv::Mat *image) |
void | draw_lane_pts (const std::vector< Eigen::Vector2f > &lane_pts, const cv::Scalar &color, cv::Mat *image) |
bool | ParseOneLaneLine (const std::string &s, LaneLine *lane_line) |
bool | LoadLaneDet (const std::string &filename, EgoLane *ego_lane) |
std::vector< std::string > | Split (const std::string &s, const std::string &separator) |
bool | LoadCamera2WorldTfs (const std::string &filename, std::vector< std::string > *frame_list, std::vector< double > *time_stamps, std::vector< Eigen::Matrix4d > *camera2world) |
void | show_detect_point_set (const cv::Mat &image, const std::vector< std::vector< LanePointInfo >> &detect_laneline_point_set, const std::string &save_path) |
void | show_all_infer_point_set (const cv::Mat &image, const std::vector< LanePointInfo > &infer_point_set, const std::string &save_path) |
void | show_lane_lines (const cv::Mat &image, const std::vector< base::LaneLine > &lane_marks, const std::string &save_path) |
void | show_lane_ccs (const std::vector< unsigned char > &lane_map, const int lane_map_width, const int lane_map_height, const std::vector< ConnectedComponent > &lane_ccs, const std::vector< ConnectedComponent > &select_lane_ccs, const std::string &save_path) |
void | output_laneline_to_json (const std::vector< base::LaneLine > &lane_objects, const std::string &save_path) |
void | output_laneline_to_txt (const std::vector< base::LaneLine > &lane_objects, const std::string &save_path) |
Variables | |
constexpr float | kMinVelocity = 10.0f |
constexpr float | kMaxDistObjectToLaneInMeter = 70.0f |
constexpr float | kMaxDistObjectToVirtualLaneInMeter = 10.0f |
constexpr float | kMaxDistObjectToLaneInPixel = 10.0f |
const std::size_t | kDropsHistorySize = 20 |
const std::size_t | kMaxObjectNum = 100 |
const std::size_t | kMaxAllowedSkipObject = 10 |
struct apollo::perception::camera::CameraFrame | EIGEN_ALIGN16 |
const float | kYawRateDefault = 0.0f |
const float | kVelocityDefault = 8.333f |
const float | kTimeDiffDefault = 0.067f |
constexpr float | minExpPower = -10.0f |
constexpr float | maxExpPower = 5.0f |
constexpr int | anchorSizeFactor = 2 |
constexpr int | numScales = 3 |
typedef std::shared_ptr<apollo::drivers::Image> apollo::perception::camera::ImageMsgType |
typedef std::shared_ptr<localization::LocalizationEstimate> apollo::perception::camera::LocalizationMsgType |
typedef std::vector<base::Point2DF> apollo::perception::camera::Point2DSet |
typedef std::vector<base::Point3DF> apollo::perception::camera::Point3DSet |
typedef std::map<base::ObjectSubType, std::vector<float> > apollo::perception::camera::TemplateMap |
typedef std::shared_ptr<TrackObject> apollo::perception::camera::TrackObjectPtr |
typedef std::vector<TrackObjectPtr> apollo::perception::camera::TrackObjectPtrs |
|
strong |
|
strong |
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 | ||
) |
void apollo::perception::camera::apply_nms | ( | const bool * | overlapped, |
const int | num, | ||
std::vector< int > * | indices | ||
) |
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 | ||
) |
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 | ||
) |
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 | ||
) |
__host__ __device__ float apollo::perception::camera::bbox_size_gpu | ( | const float * | bbox, |
const bool | normalized | ||
) |
T apollo::perception::camera::CalAngleDiff | ( | const T | a1, |
const T | a2 | ||
) |
void apollo::perception::camera::CalculateMeanAndVariance | ( | const std::vector< T > & | data, |
T * | mean, | ||
T * | variance | ||
) |
bool apollo::perception::camera::CameraPoint2Image | ( | const Eigen::Vector3d & | camera_point, |
const Eigen::Matrix3f & | intrinsic_params, | ||
base::Point2DF * | img_point | ||
) |
bool apollo::perception::camera::CheckXY | ( | const T & | x, |
const T & | y, | ||
int | width, | ||
int | height | ||
) |
bool apollo::perception::camera::ComparePoint2DY | ( | const base::Point2DF & | point1, |
const base::Point2DF & | point2 | ||
) |
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 | ||
) |
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 | ||
) |
bool apollo::perception::camera::ConvertGround4ToGround3 | ( | const float & | baseline, |
const std::vector< float > & | k_mat, | ||
const std::vector< float > & | ground4, | ||
std::vector< float > * | ground3 | ||
) |
apollo::perception::camera::CYBER_REGISTER_COMPONENT | ( | MotionService | ) |
void apollo::perception::camera::draw_lane_pts | ( | const std::vector< Eigen::Vector2f > & | lane_pts, |
const cv::Scalar & | color, | ||
cv::Mat * | image | ||
) |
bool apollo::perception::camera::draw_vanishing_row_on_image | ( | const cv::Scalar & | color, |
int | vanishing_row, | ||
cv::Mat * | image | ||
) |
bool apollo::perception::camera::Equal | ( | float | x, |
float | target, | ||
float | eps = 1e-6f |
||
) |
bool apollo::perception::camera::Equal | ( | double | x, |
double | target, | ||
double | eps = 1e-6 |
||
) |
void apollo::perception::camera::fill_area_id | ( | bool | with_flag, |
base::ObjectPtr | obj, | ||
const float * | data | ||
) |
void apollo::perception::camera::fill_base | ( | base::ObjectPtr | obj, |
const float * | bbox | ||
) |
void apollo::perception::camera::fill_bbox3d | ( | bool | with_bbox3d, |
base::ObjectPtr | obj, | ||
const float * | bbox | ||
) |
void apollo::perception::camera::fill_frbox | ( | bool | with_frbox, |
base::ObjectPtr | obj, | ||
const float * | bbox | ||
) |
void apollo::perception::camera::fill_lights | ( | bool | with_lights, |
base::ObjectPtr | obj, | ||
const float * | bbox | ||
) |
void apollo::perception::camera::fill_ratios | ( | bool | with_ratios, |
base::ObjectPtr | obj, | ||
const float * | bbox | ||
) |
void apollo::perception::camera::fill_smoke_base | ( | base::ObjectPtr | obj, |
const float * | bbox, | ||
int | width, | ||
int | height | ||
) |
void apollo::perception::camera::fill_smoke_bbox3d | ( | bool | with_bbox3d, |
base::ObjectPtr | obj, | ||
const float * | bbox | ||
) |
void apollo::perception::camera::FillObjectPolygonFromBBox3D | ( | base::Object * | object_ptr | ) |
void apollo::perception::camera::filter_bbox | ( | const SmokeMinDims & | min_dims, |
std::vector< base::ObjectPtr > * | objects | ||
) |
void apollo::perception::camera::filter_bbox | ( | const MinDims & | min_dims, |
std::vector< base::ObjectPtr > * | objects | ||
) |
bool apollo::perception::camera::FindCC | ( | const std::vector< unsigned char > & | src, |
int | width, | ||
int | height, | ||
const base::RectI & | roi, | ||
std::vector< ConnectedComponent > * | cc | ||
) |
bool apollo::perception::camera::FindKLargeValue | ( | const float * | distance, |
int | dim, | ||
int | k, | ||
int * | index | ||
) |
bool apollo::perception::camera::FindKSmallValue | ( | const float * | distance, |
int | dim, | ||
int | k, | ||
int * | index | ||
) |
|
inline |
void apollo::perception::camera::GenCorners | ( | T | h, |
T | w, | ||
T | l, | ||
T * | x_cor, | ||
T * | y_cor, | ||
T * | z_cor | ||
) |
void apollo::perception::camera::GenRotMatrix | ( | const T & | ry, |
T * | rot | ||
) |
int apollo::perception::camera::get_area_id | ( | float | visible_ratios[4] | ) |
float apollo::perception::camera::get_bbox_size | ( | const NormalizedBBox & | bbox | ) |
const float * apollo::perception::camera::get_gpu_data | ( | bool | flag, |
const base::Blob< float > & | blob | ||
) |
void apollo::perception::camera::get_intersect_bbox | ( | const NormalizedBBox & | bbox1, |
const NormalizedBBox & | bbox2, | ||
NormalizedBBox * | intersect_bbox | ||
) |
float apollo::perception::camera::get_jaccard_overlap | ( | const NormalizedBBox & | bbox1, |
const NormalizedBBox & | bbox2 | ||
) |
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 | ||
) |
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 | ||
) |
void 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, | ||
std::vector< base::ObjectPtr > * | objects | ||
) |
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 | ||
) |
base::ObjectSubType apollo::perception::camera::get_smoke_object_subtype | ( | int | cls | ) |
void apollo::perception::camera::get_smoke_objects_cpu | ( | const SmokeBlobs & | smoke_blobs, |
const std::vector< base::ObjectSubType > & | types, | ||
const smoke::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, | ||
int | width, | ||
int | height | ||
) |
int apollo::perception::camera::get_smoke_objects_gpu | ( | ) |
void apollo::perception::camera::GetBboxFromPts | ( | const T * | pts, |
const int & | n, | ||
T * | bbox | ||
) |
std::string apollo::perception::camera::GetCyberWorkRoot | ( | ) |
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 |
||
) |
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 | ||
) |
void apollo::perception::camera::GetGroundPlanePitchHeight | ( | const float & | baseline, |
const std::vector< float > & | k_mat, | ||
const std::vector< float > & | ground3, | ||
float * | pitch, | ||
float * | cam_height | ||
) |
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 | ||
) |
int apollo::perception::camera::GetMinIndexVec | ( | const T * | vec, |
const int & | n | ||
) |
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 |
||
) |
|
inline |
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 | ||
) |
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 | ||
) |
void apollo::perception::camera::GroundHypoGenFunc | ( | const T * | v, |
const T * | d, | ||
T * | p | ||
) |
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 | ||
) |
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 | ||
) |
__host__ __device__ float apollo::perception::camera::jaccard_overlap_gpu | ( | const float * | bbox1, |
const float * | bbox2 | ||
) |
bool apollo::perception::camera::LoadAnchors | ( | const std::string & | path, |
std::vector< float > * | anchors | ||
) |
bool apollo::perception::camera::LoadCamera2WorldTfs | ( | const std::string & | filename, |
std::vector< std::string > * | frame_list, | ||
std::vector< double > * | time_stamps, | ||
std::vector< Eigen::Matrix4d > * | camera2world | ||
) |
bool apollo::perception::camera::LoadExpand | ( | const std::string & | path, |
std::vector< float > * | expands | ||
) |
bool apollo::perception::camera::LoadLaneDet | ( | const std::string & | filename, |
EgoLane * | ego_lane | ||
) |
bool apollo::perception::camera::LoadTypes | ( | const std::string & | path, |
std::vector< base::ObjectSubType > * | types | ||
) |
bool apollo::perception::camera::Occlude | ( | const T * | bbox1, |
const T & | h1, | ||
const T * | bbox2, | ||
const T & | h2 | ||
) |
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 |
||
) |
void apollo::perception::camera::output_laneline_to_json | ( | const std::vector< base::LaneLine > & | lane_objects, |
const std::string & | save_path | ||
) |
void apollo::perception::camera::output_laneline_to_txt | ( | const std::vector< base::LaneLine > & | lane_objects, |
const std::string & | save_path | ||
) |
bool apollo::perception::camera::ParseOneLaneLine | ( | const std::string & | s, |
LaneLine * | lane_line | ||
) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseCameraPerception | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseInferenceEngine | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseLaneTracker | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseSceneParser | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseLandmarkDetector | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseTrafficLightTracker | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseTrafficLightDetector | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseObstaclePostprocessor | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseObstacleTransformer | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseLaneDetector | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseObstacleDetector | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseLanePostprocessor | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseCalibrator | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseCipv | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseTLPreprocessor | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseObstacleTracker | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseFeatureExtractor | ) |
apollo::perception::camera::PERCEPTION_REGISTER_REGISTERER | ( | BaseCalibrationService | ) |
bool apollo::perception::camera::PolyEval | ( | const Dtype & | x, |
int | order, | ||
const Eigen::Matrix< Dtype, max_poly_order+1, 1 > & | coeff, | ||
Dtype * | y | ||
) |
bool apollo::perception::camera::PolyFit | ( | const std::vector< 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 |
||
) |
void apollo::perception::camera::QSwap_ | ( | T * | a, |
T * | b | ||
) |
void apollo::perception::camera::QuickSort | ( | int * | index, |
const T * | values, | ||
int | start, | ||
int | end | ||
) |
void apollo::perception::camera::QuickSort | ( | int * | index, |
const T * | values, | ||
int | nsize | ||
) |
bool apollo::perception::camera::RansacFitting | ( | const std::vector< Eigen::Matrix< Dtype, 2, 1 >> & | pos_vec, |
std::vector< 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) |
||
) |
void apollo::perception::camera::recover_bbox | ( | int | roi_w, |
int | roi_h, | ||
int | offset_y, | ||
std::vector< base::ObjectPtr > * | objects | ||
) |
void apollo::perception::camera::recover_smoke_bbox | ( | int | roi_w, |
int | roi_h, | ||
int | offset_y, | ||
std::vector< base::ObjectPtr > * | objects | ||
) |
void apollo::perception::camera::RefineBox | ( | const base::Rect< T > & | box_in, |
const T | width, | ||
const T | height, | ||
base::Rect< T > * | box_out | ||
) |
void apollo::perception::camera::RefineBox | ( | const base::BBox2D< T > & | box_in, |
const T | width, | ||
const T | height, | ||
base::BBox2D< T > * | box_out | ||
) |
bool apollo::perception::camera::ResizeCPU | ( | const base::Blob< uint8_t > & | src_gpu, |
std::shared_ptr< base::Blob< float >> | dst, | ||
int | stepwidth, | ||
int | start_axis | ||
) |
|
inline |
|
inline |
void apollo::perception::camera::show_all_infer_point_set | ( | const cv::Mat & | image, |
const std::vector< LanePointInfo > & | infer_point_set, | ||
const std::string & | save_path | ||
) |
void apollo::perception::camera::show_detect_point_set | ( | const cv::Mat & | image, |
const std::vector< std::vector< LanePointInfo >> & | detect_laneline_point_set, | ||
const std::string & | save_path | ||
) |
void apollo::perception::camera::show_lane_ccs | ( | const std::vector< unsigned char > & | lane_map, |
const int | lane_map_width, | ||
const int | lane_map_height, | ||
const std::vector< ConnectedComponent > & | lane_ccs, | ||
const std::vector< ConnectedComponent > & | select_lane_ccs, | ||
const std::string & | save_path | ||
) |
void apollo::perception::camera::show_lane_lines | ( | const cv::Mat & | image, |
const std::vector< base::LaneLine > & | lane_marks, | ||
const std::string & | save_path | ||
) |
|
inline |
__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 | ||
) |
std::vector<std::string> apollo::perception::camera::Split | ( | const std::string & | s, |
const std::string & | separator | ||
) |
Dtype apollo::perception::camera::sqr | ( | Dtype | x | ) |
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 | ||
) |
int apollo::perception::camera::WriteCalibrationOutput | ( | bool | enable, |
const std::string & | out_path, | ||
const CameraFrame * | frame | ||
) |
void apollo::perception::camera::WriteCamera2World | ( | std::ofstream & | fout, |
int | frame_num, | ||
const Eigen::Affine3d & | pose | ||
) |
int apollo::perception::camera::WriteDetections | ( | const bool | enable, |
const std::string & | out_path, | ||
const std::vector< base::ObjectPtr > & | objects | ||
) |
int apollo::perception::camera::WriteDetections | ( | const bool | enable, |
const std::string & | out_path, | ||
CameraFrame * | frame | ||
) |
void apollo::perception::camera::WriteFusionTracking | ( | std::ofstream & | fout, |
int | frame_num, | ||
const std::string & | camera_name, | ||
const std::vector< base::ObjectPtr > & | tracked_object | ||
) |
int apollo::perception::camera::WriteLanelines | ( | const bool | enable, |
const std::string & | save_path, | ||
const std::vector< base::LaneLine > & | lane_objects | ||
) |
void apollo::perception::camera::WriteTracking | ( | std::ofstream & | fout, |
int | frame_num, | ||
const std::vector< base::ObjectPtr > & | tracked_object | ||
) |
constexpr int apollo::perception::camera::anchorSizeFactor = 2 |
apollo::perception::camera::ObstacleDetectorInitOptions apollo::perception::camera::EIGEN_ALIGN16 |
const std::size_t apollo::perception::camera::kDropsHistorySize = 20 |
const std::size_t apollo::perception::camera::kMaxAllowedSkipObject = 10 |
constexpr float apollo::perception::camera::kMaxDistObjectToLaneInMeter = 70.0f |
constexpr float apollo::perception::camera::kMaxDistObjectToLaneInPixel = 10.0f |
constexpr float apollo::perception::camera::kMaxDistObjectToVirtualLaneInMeter = 10.0f |
const std::size_t apollo::perception::camera::kMaxObjectNum = 100 |
constexpr float apollo::perception::camera::kMinVelocity = 10.0f |
const float apollo::perception::camera::kTimeDiffDefault = 0.067f |
const float apollo::perception::camera::kVelocityDefault = 8.333f |
const float apollo::perception::camera::kYawRateDefault = 0.0f |
constexpr float apollo::perception::camera::maxExpPower = 5.0f |
constexpr float apollo::perception::camera::minExpPower = -10.0f |
constexpr int apollo::perception::camera::numScales = 3 |