objdetect.hpp 22 KB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466
  1. /*M///////////////////////////////////////////////////////////////////////////////////////
  2. //
  3. // IMPORTANT: READ BEFORE DOWNLOADING, COPYING, INSTALLING OR USING.
  4. //
  5. // By downloading, copying, installing or using the software you agree to this license.
  6. // If you do not agree to this license, do not download, install,
  7. // copy or use the software.
  8. //
  9. //
  10. // License Agreement
  11. // For Open Source Computer Vision Library
  12. //
  13. // Copyright (C) 2000-2008, Intel Corporation, all rights reserved.
  14. // Copyright (C) 2009, Willow Garage Inc., all rights reserved.
  15. // Copyright (C) 2013, OpenCV Foundation, all rights reserved.
  16. // Third party copyrights are property of their respective owners.
  17. //
  18. // Redistribution and use in source and binary forms, with or without modification,
  19. // are permitted provided that the following conditions are met:
  20. //
  21. // * Redistribution's of source code must retain the above copyright notice,
  22. // this list of conditions and the following disclaimer.
  23. //
  24. // * Redistribution's in binary form must reproduce the above copyright notice,
  25. // this list of conditions and the following disclaimer in the documentation
  26. // and/or other materials provided with the distribution.
  27. //
  28. // * The name of the copyright holders may not be used to endorse or promote products
  29. // derived from this software without specific prior written permission.
  30. //
  31. // This software is provided by the copyright holders and contributors "as is" and
  32. // any express or implied warranties, including, but not limited to, the implied
  33. // warranties of merchantability and fitness for a particular purpose are disclaimed.
  34. // In no event shall the Intel Corporation or contributors be liable for any direct,
  35. // indirect, incidental, special, exemplary, or consequential damages
  36. // (including, but not limited to, procurement of substitute goods or services;
  37. // loss of use, data, or profits; or business interruption) however caused
  38. // and on any theory of liability, whether in contract, strict liability,
  39. // or tort (including negligence or otherwise) arising in any way out of
  40. // the use of this software, even if advised of the possibility of such damage.
  41. //
  42. //M*/
  43. #ifndef __OPENCV_OBJDETECT_HPP__
  44. #define __OPENCV_OBJDETECT_HPP__
  45. #include "opencv2/core.hpp"
  46. /**
  47. @defgroup objdetect Object Detection
  48. Haar Feature-based Cascade Classifier for Object Detection
  49. ----------------------------------------------------------
  50. The object detector described below has been initially proposed by Paul Viola @cite Viola01 and
  51. improved by Rainer Lienhart @cite Lienhart02 .
  52. First, a classifier (namely a *cascade of boosted classifiers working with haar-like features*) is
  53. trained with a few hundred sample views of a particular object (i.e., a face or a car), called
  54. positive examples, that are scaled to the same size (say, 20x20), and negative examples - arbitrary
  55. images of the same size.
  56. After a classifier is trained, it can be applied to a region of interest (of the same size as used
  57. during the training) in an input image. The classifier outputs a "1" if the region is likely to show
  58. the object (i.e., face/car), and "0" otherwise. To search for the object in the whole image one can
  59. move the search window across the image and check every location using the classifier. The
  60. classifier is designed so that it can be easily "resized" in order to be able to find the objects of
  61. interest at different sizes, which is more efficient than resizing the image itself. So, to find an
  62. object of an unknown size in the image the scan procedure should be done several times at different
  63. scales.
  64. The word "cascade" in the classifier name means that the resultant classifier consists of several
  65. simpler classifiers (*stages*) that are applied subsequently to a region of interest until at some
  66. stage the candidate is rejected or all the stages are passed. The word "boosted" means that the
  67. classifiers at every stage of the cascade are complex themselves and they are built out of basic
  68. classifiers using one of four different boosting techniques (weighted voting). Currently Discrete
  69. Adaboost, Real Adaboost, Gentle Adaboost and Logitboost are supported. The basic classifiers are
  70. decision-tree classifiers with at least 2 leaves. Haar-like features are the input to the basic
  71. classifiers, and are calculated as described below. The current algorithm uses the following
  72. Haar-like features:
  73. ![image](pics/haarfeatures.png)
  74. The feature used in a particular classifier is specified by its shape (1a, 2b etc.), position within
  75. the region of interest and the scale (this scale is not the same as the scale used at the detection
  76. stage, though these two scales are multiplied). For example, in the case of the third line feature
  77. (2c) the response is calculated as the difference between the sum of image pixels under the
  78. rectangle covering the whole feature (including the two white stripes and the black stripe in the
  79. middle) and the sum of the image pixels under the black stripe multiplied by 3 in order to
  80. compensate for the differences in the size of areas. The sums of pixel values over a rectangular
  81. regions are calculated rapidly using integral images (see below and the integral description).
  82. To see the object detector at work, have a look at the facedetect demo:
  83. <https://github.com/Itseez/opencv/tree/master/samples/cpp/dbt_face_detection.cpp>
  84. The following reference is for the detection part only. There is a separate application called
  85. opencv_traincascade that can train a cascade of boosted classifiers from a set of samples.
  86. @note In the new C++ interface it is also possible to use LBP (local binary pattern) features in
  87. addition to Haar-like features. .. [Viola01] Paul Viola and Michael J. Jones. Rapid Object Detection
  88. using a Boosted Cascade of Simple Features. IEEE CVPR, 2001. The paper is available online at
  89. <http://research.microsoft.com/en-us/um/people/viola/Pubs/Detect/violaJones_CVPR2001.pdf>
  90. @{
  91. @defgroup objdetect_c C API
  92. @}
  93. */
  94. typedef struct CvHaarClassifierCascade CvHaarClassifierCascade;
  95. namespace cv
  96. {
  97. //! @addtogroup objdetect
  98. //! @{
  99. ///////////////////////////// Object Detection ////////////////////////////
  100. //! class for grouping object candidates, detected by Cascade Classifier, HOG etc.
  101. //! instance of the class is to be passed to cv::partition (see cxoperations.hpp)
  102. class CV_EXPORTS SimilarRects
  103. {
  104. public:
  105. SimilarRects(double _eps) : eps(_eps) {}
  106. inline bool operator()(const Rect& r1, const Rect& r2) const
  107. {
  108. double delta = eps*(std::min(r1.width, r2.width) + std::min(r1.height, r2.height))*0.5;
  109. return std::abs(r1.x - r2.x) <= delta &&
  110. std::abs(r1.y - r2.y) <= delta &&
  111. std::abs(r1.x + r1.width - r2.x - r2.width) <= delta &&
  112. std::abs(r1.y + r1.height - r2.y - r2.height) <= delta;
  113. }
  114. double eps;
  115. };
  116. /** @brief Groups the object candidate rectangles.
  117. @param rectList Input/output vector of rectangles. Output vector includes retained and grouped
  118. rectangles. (The Python list is not modified in place.)
  119. @param groupThreshold Minimum possible number of rectangles minus 1. The threshold is used in a
  120. group of rectangles to retain it.
  121. @param eps Relative difference between sides of the rectangles to merge them into a group.
  122. The function is a wrapper for the generic function partition . It clusters all the input rectangles
  123. using the rectangle equivalence criteria that combines rectangles with similar sizes and similar
  124. locations. The similarity is defined by eps. When eps=0 , no clustering is done at all. If
  125. \f$\texttt{eps}\rightarrow +\inf\f$ , all the rectangles are put in one cluster. Then, the small
  126. clusters containing less than or equal to groupThreshold rectangles are rejected. In each other
  127. cluster, the average rectangle is computed and put into the output rectangle list.
  128. */
  129. CV_EXPORTS void groupRectangles(std::vector<Rect>& rectList, int groupThreshold, double eps = 0.2);
  130. /** @overload */
  131. CV_EXPORTS_W void groupRectangles(CV_IN_OUT std::vector<Rect>& rectList, CV_OUT std::vector<int>& weights,
  132. int groupThreshold, double eps = 0.2);
  133. /** @overload */
  134. CV_EXPORTS void groupRectangles(std::vector<Rect>& rectList, int groupThreshold,
  135. double eps, std::vector<int>* weights, std::vector<double>* levelWeights );
  136. /** @overload */
  137. CV_EXPORTS void groupRectangles(std::vector<Rect>& rectList, std::vector<int>& rejectLevels,
  138. std::vector<double>& levelWeights, int groupThreshold, double eps = 0.2);
  139. /** @overload */
  140. CV_EXPORTS void groupRectangles_meanshift(std::vector<Rect>& rectList, std::vector<double>& foundWeights,
  141. std::vector<double>& foundScales,
  142. double detectThreshold = 0.0, Size winDetSize = Size(64, 128));
  143. template<> CV_EXPORTS void DefaultDeleter<CvHaarClassifierCascade>::operator ()(CvHaarClassifierCascade* obj) const;
  144. enum { CASCADE_DO_CANNY_PRUNING = 1,
  145. CASCADE_SCALE_IMAGE = 2,
  146. CASCADE_FIND_BIGGEST_OBJECT = 4,
  147. CASCADE_DO_ROUGH_SEARCH = 8
  148. };
  149. class CV_EXPORTS_W BaseCascadeClassifier : public Algorithm
  150. {
  151. public:
  152. virtual ~BaseCascadeClassifier();
  153. virtual bool empty() const = 0;
  154. virtual bool load( const String& filename ) = 0;
  155. virtual void detectMultiScale( InputArray image,
  156. CV_OUT std::vector<Rect>& objects,
  157. double scaleFactor,
  158. int minNeighbors, int flags,
  159. Size minSize, Size maxSize ) = 0;
  160. virtual void detectMultiScale( InputArray image,
  161. CV_OUT std::vector<Rect>& objects,
  162. CV_OUT std::vector<int>& numDetections,
  163. double scaleFactor,
  164. int minNeighbors, int flags,
  165. Size minSize, Size maxSize ) = 0;
  166. virtual void detectMultiScale( InputArray image,
  167. CV_OUT std::vector<Rect>& objects,
  168. CV_OUT std::vector<int>& rejectLevels,
  169. CV_OUT std::vector<double>& levelWeights,
  170. double scaleFactor,
  171. int minNeighbors, int flags,
  172. Size minSize, Size maxSize,
  173. bool outputRejectLevels ) = 0;
  174. virtual bool isOldFormatCascade() const = 0;
  175. virtual Size getOriginalWindowSize() const = 0;
  176. virtual int getFeatureType() const = 0;
  177. virtual void* getOldCascade() = 0;
  178. class CV_EXPORTS MaskGenerator
  179. {
  180. public:
  181. virtual ~MaskGenerator() {}
  182. virtual Mat generateMask(const Mat& src)=0;
  183. virtual void initializeMask(const Mat& /*src*/) { }
  184. };
  185. virtual void setMaskGenerator(const Ptr<MaskGenerator>& maskGenerator) = 0;
  186. virtual Ptr<MaskGenerator> getMaskGenerator() = 0;
  187. };
  188. /** @brief Cascade classifier class for object detection.
  189. */
  190. class CV_EXPORTS_W CascadeClassifier
  191. {
  192. public:
  193. CV_WRAP CascadeClassifier();
  194. /** @brief Loads a classifier from a file.
  195. @param filename Name of the file from which the classifier is loaded.
  196. */
  197. CV_WRAP CascadeClassifier(const String& filename);
  198. ~CascadeClassifier();
  199. /** @brief Checks whether the classifier has been loaded.
  200. */
  201. CV_WRAP bool empty() const;
  202. /** @brief Loads a classifier from a file.
  203. @param filename Name of the file from which the classifier is loaded. The file may contain an old
  204. HAAR classifier trained by the haartraining application or a new cascade classifier trained by the
  205. traincascade application.
  206. */
  207. CV_WRAP bool load( const String& filename );
  208. /** @brief Reads a classifier from a FileStorage node.
  209. @note The file may contain a new cascade classifier (trained traincascade application) only.
  210. */
  211. CV_WRAP bool read( const FileNode& node );
  212. /** @brief Detects objects of different sizes in the input image. The detected objects are returned as a list
  213. of rectangles.
  214. @param image Matrix of the type CV_8U containing an image where objects are detected.
  215. @param objects Vector of rectangles where each rectangle contains the detected object, the
  216. rectangles may be partially outside the original image.
  217. @param scaleFactor Parameter specifying how much the image size is reduced at each image scale.
  218. @param minNeighbors Parameter specifying how many neighbors each candidate rectangle should have
  219. to retain it.
  220. @param flags Parameter with the same meaning for an old cascade as in the function
  221. cvHaarDetectObjects. It is not used for a new cascade.
  222. @param minSize Minimum possible object size. Objects smaller than that are ignored.
  223. @param maxSize Maximum possible object size. Objects larger than that are ignored.
  224. The function is parallelized with the TBB library.
  225. @note
  226. - (Python) A face detection example using cascade classifiers can be found at
  227. opencv_source_code/samples/python/facedetect.py
  228. */
  229. CV_WRAP void detectMultiScale( InputArray image,
  230. CV_OUT std::vector<Rect>& objects,
  231. double scaleFactor = 1.1,
  232. int minNeighbors = 3, int flags = 0,
  233. Size minSize = Size(),
  234. Size maxSize = Size() );
  235. /** @overload
  236. @param image Matrix of the type CV_8U containing an image where objects are detected.
  237. @param objects Vector of rectangles where each rectangle contains the detected object, the
  238. rectangles may be partially outside the original image.
  239. @param numDetections Vector of detection numbers for the corresponding objects. An object's number
  240. of detections is the number of neighboring positively classified rectangles that were joined
  241. together to form the object.
  242. @param scaleFactor Parameter specifying how much the image size is reduced at each image scale.
  243. @param minNeighbors Parameter specifying how many neighbors each candidate rectangle should have
  244. to retain it.
  245. @param flags Parameter with the same meaning for an old cascade as in the function
  246. cvHaarDetectObjects. It is not used for a new cascade.
  247. @param minSize Minimum possible object size. Objects smaller than that are ignored.
  248. @param maxSize Maximum possible object size. Objects larger than that are ignored.
  249. */
  250. CV_WRAP_AS(detectMultiScale2) void detectMultiScale( InputArray image,
  251. CV_OUT std::vector<Rect>& objects,
  252. CV_OUT std::vector<int>& numDetections,
  253. double scaleFactor=1.1,
  254. int minNeighbors=3, int flags=0,
  255. Size minSize=Size(),
  256. Size maxSize=Size() );
  257. /** @overload
  258. if `outputRejectLevels` is `true` returns `rejectLevels` and `levelWeights`
  259. */
  260. CV_WRAP_AS(detectMultiScale3) void detectMultiScale( InputArray image,
  261. CV_OUT std::vector<Rect>& objects,
  262. CV_OUT std::vector<int>& rejectLevels,
  263. CV_OUT std::vector<double>& levelWeights,
  264. double scaleFactor = 1.1,
  265. int minNeighbors = 3, int flags = 0,
  266. Size minSize = Size(),
  267. Size maxSize = Size(),
  268. bool outputRejectLevels = false );
  269. CV_WRAP bool isOldFormatCascade() const;
  270. CV_WRAP Size getOriginalWindowSize() const;
  271. CV_WRAP int getFeatureType() const;
  272. void* getOldCascade();
  273. CV_WRAP static bool convert(const String& oldcascade, const String& newcascade);
  274. void setMaskGenerator(const Ptr<BaseCascadeClassifier::MaskGenerator>& maskGenerator);
  275. Ptr<BaseCascadeClassifier::MaskGenerator> getMaskGenerator();
  276. Ptr<BaseCascadeClassifier> cc;
  277. };
  278. CV_EXPORTS Ptr<BaseCascadeClassifier::MaskGenerator> createFaceDetectionMaskGenerator();
  279. //////////////// HOG (Histogram-of-Oriented-Gradients) Descriptor and Object Detector //////////////
  280. //! struct for detection region of interest (ROI)
  281. struct DetectionROI
  282. {
  283. //! scale(size) of the bounding box
  284. double scale;
  285. //! set of requrested locations to be evaluated
  286. std::vector<cv::Point> locations;
  287. //! vector that will contain confidence values for each location
  288. std::vector<double> confidences;
  289. };
  290. struct CV_EXPORTS_W HOGDescriptor
  291. {
  292. public:
  293. enum { L2Hys = 0
  294. };
  295. enum { DEFAULT_NLEVELS = 64
  296. };
  297. CV_WRAP HOGDescriptor() : winSize(64,128), blockSize(16,16), blockStride(8,8),
  298. cellSize(8,8), nbins(9), derivAperture(1), winSigma(-1),
  299. histogramNormType(HOGDescriptor::L2Hys), L2HysThreshold(0.2), gammaCorrection(true),
  300. free_coef(-1.f), nlevels(HOGDescriptor::DEFAULT_NLEVELS), signedGradient(false)
  301. {}
  302. CV_WRAP HOGDescriptor(Size _winSize, Size _blockSize, Size _blockStride,
  303. Size _cellSize, int _nbins, int _derivAperture=1, double _winSigma=-1,
  304. int _histogramNormType=HOGDescriptor::L2Hys,
  305. double _L2HysThreshold=0.2, bool _gammaCorrection=false,
  306. int _nlevels=HOGDescriptor::DEFAULT_NLEVELS, bool _signedGradient=false)
  307. : winSize(_winSize), blockSize(_blockSize), blockStride(_blockStride), cellSize(_cellSize),
  308. nbins(_nbins), derivAperture(_derivAperture), winSigma(_winSigma),
  309. histogramNormType(_histogramNormType), L2HysThreshold(_L2HysThreshold),
  310. gammaCorrection(_gammaCorrection), free_coef(-1.f), nlevels(_nlevels), signedGradient(_signedGradient)
  311. {}
  312. CV_WRAP HOGDescriptor(const String& filename)
  313. {
  314. load(filename);
  315. }
  316. HOGDescriptor(const HOGDescriptor& d)
  317. {
  318. d.copyTo(*this);
  319. }
  320. virtual ~HOGDescriptor() {}
  321. CV_WRAP size_t getDescriptorSize() const;
  322. CV_WRAP bool checkDetectorSize() const;
  323. CV_WRAP double getWinSigma() const;
  324. CV_WRAP virtual void setSVMDetector(InputArray _svmdetector);
  325. virtual bool read(FileNode& fn);
  326. virtual void write(FileStorage& fs, const String& objname) const;
  327. CV_WRAP virtual bool load(const String& filename, const String& objname = String());
  328. CV_WRAP virtual void save(const String& filename, const String& objname = String()) const;
  329. virtual void copyTo(HOGDescriptor& c) const;
  330. CV_WRAP virtual void compute(InputArray img,
  331. CV_OUT std::vector<float>& descriptors,
  332. Size winStride = Size(), Size padding = Size(),
  333. const std::vector<Point>& locations = std::vector<Point>()) const;
  334. //! with found weights output
  335. CV_WRAP virtual void detect(const Mat& img, CV_OUT std::vector<Point>& foundLocations,
  336. CV_OUT std::vector<double>& weights,
  337. double hitThreshold = 0, Size winStride = Size(),
  338. Size padding = Size(),
  339. const std::vector<Point>& searchLocations = std::vector<Point>()) const;
  340. //! without found weights output
  341. virtual void detect(const Mat& img, CV_OUT std::vector<Point>& foundLocations,
  342. double hitThreshold = 0, Size winStride = Size(),
  343. Size padding = Size(),
  344. const std::vector<Point>& searchLocations=std::vector<Point>()) const;
  345. //! with result weights output
  346. CV_WRAP virtual void detectMultiScale(InputArray img, CV_OUT std::vector<Rect>& foundLocations,
  347. CV_OUT std::vector<double>& foundWeights, double hitThreshold = 0,
  348. Size winStride = Size(), Size padding = Size(), double scale = 1.05,
  349. double finalThreshold = 2.0,bool useMeanshiftGrouping = false) const;
  350. //! without found weights output
  351. virtual void detectMultiScale(InputArray img, CV_OUT std::vector<Rect>& foundLocations,
  352. double hitThreshold = 0, Size winStride = Size(),
  353. Size padding = Size(), double scale = 1.05,
  354. double finalThreshold = 2.0, bool useMeanshiftGrouping = false) const;
  355. CV_WRAP virtual void computeGradient(const Mat& img, CV_OUT Mat& grad, CV_OUT Mat& angleOfs,
  356. Size paddingTL = Size(), Size paddingBR = Size()) const;
  357. CV_WRAP static std::vector<float> getDefaultPeopleDetector();
  358. CV_WRAP static std::vector<float> getDaimlerPeopleDetector();
  359. CV_PROP Size winSize;
  360. CV_PROP Size blockSize;
  361. CV_PROP Size blockStride;
  362. CV_PROP Size cellSize;
  363. CV_PROP int nbins;
  364. CV_PROP int derivAperture;
  365. CV_PROP double winSigma;
  366. CV_PROP int histogramNormType;
  367. CV_PROP double L2HysThreshold;
  368. CV_PROP bool gammaCorrection;
  369. CV_PROP std::vector<float> svmDetector;
  370. UMat oclSvmDetector;
  371. float free_coef;
  372. CV_PROP int nlevels;
  373. CV_PROP bool signedGradient;
  374. //! evaluate specified ROI and return confidence value for each location
  375. virtual void detectROI(const cv::Mat& img, const std::vector<cv::Point> &locations,
  376. CV_OUT std::vector<cv::Point>& foundLocations, CV_OUT std::vector<double>& confidences,
  377. double hitThreshold = 0, cv::Size winStride = Size(),
  378. cv::Size padding = Size()) const;
  379. //! evaluate specified ROI and return confidence value for each location in multiple scales
  380. virtual void detectMultiScaleROI(const cv::Mat& img,
  381. CV_OUT std::vector<cv::Rect>& foundLocations,
  382. std::vector<DetectionROI>& locations,
  383. double hitThreshold = 0,
  384. int groupThreshold = 0) const;
  385. //! read/parse Dalal's alt model file
  386. void readALTModel(String modelfile);
  387. void groupRectangles(std::vector<cv::Rect>& rectList, std::vector<double>& weights, int groupThreshold, double eps) const;
  388. };
  389. //! @} objdetect
  390. }
  391. #include "opencv2/objdetect/detection_based_tracker.hpp"
  392. #ifndef DISABLE_OPENCV_24_COMPATIBILITY
  393. #include "opencv2/objdetect/objdetect_c.h"
  394. #endif
  395. #endif