提交 9ed475cf 编写于 作者: R Roman Donchenko

War on Whitespace, master edition: file endings.

上级 9b92545c
...@@ -3,4 +3,3 @@ add_definitions(-D__OPENCV_BUILD=1) ...@@ -3,4 +3,3 @@ add_definitions(-D__OPENCV_BUILD=1)
add_subdirectory(haartraining) add_subdirectory(haartraining)
add_subdirectory(traincascade) add_subdirectory(traincascade)
add_subdirectory(sft) add_subdirectory(sft)
...@@ -30,4 +30,4 @@ if(ENABLE_SOLUTION_FOLDERS) ...@@ -30,4 +30,4 @@ if(ENABLE_SOLUTION_FOLDERS)
set_target_properties(${the_target} PROPERTIES FOLDER "applications") set_target_properties(${the_target} PROPERTIES FOLDER "applications")
endif() endif()
install(TARGETS ${the_target} RUNTIME DESTINATION bin COMPONENT main) install(TARGETS ${the_target} RUNTIME DESTINATION bin COMPONENT main)
\ No newline at end of file
...@@ -159,4 +159,4 @@ std::ostream& sft::operator<<(std::ostream& out, const Config& m) ...@@ -159,4 +159,4 @@ std::ostream& sft::operator<<(std::ostream& out, const Config& m)
<< std::setw(14) << std::left << "featureType" << m.featureType << std::endl; << std::setw(14) << std::left << "featureType" << m.featureType << std::endl;
return out; return out;
} }
\ No newline at end of file
...@@ -71,4 +71,4 @@ namespace sft ...@@ -71,4 +71,4 @@ namespace sft
# define dprintf(format, ...) # define dprintf(format, ...)
#endif #endif
#endif #endif
\ No newline at end of file
...@@ -135,4 +135,4 @@ std::ostream& operator<<(std::ostream& out, const Config& m); ...@@ -135,4 +135,4 @@ std::ostream& operator<<(std::ostream& out, const Config& m);
} }
#endif #endif
\ No newline at end of file
...@@ -64,4 +64,4 @@ private: ...@@ -64,4 +64,4 @@ private:
}; };
} }
#endif #endif
\ No newline at end of file
...@@ -165,4 +165,4 @@ int main(int argc, char** argv) ...@@ -165,4 +165,4 @@ int main(int argc, char** argv)
fso.release(); fso.release();
std::cout << "Training complete..." << std::endl; std::cout << "Training complete..." << std::endl;
return 0; return 0;
} }
\ No newline at end of file
...@@ -152,8 +152,3 @@ Result ...@@ -152,8 +152,3 @@ Result
.. image:: images/Adding_Trackbars_Tutorial_Result_1.jpg .. image:: images/Adding_Trackbars_Tutorial_Result_1.jpg
:alt: Adding Trackbars - Lena :alt: Adding Trackbars - Lena
:align: center :align: center
...@@ -73,4 +73,3 @@ Now we will learn how to write a simple Hello World Application in Xcode using O ...@@ -73,4 +73,3 @@ Now we will learn how to write a simple Hello World Application in Xcode using O
.. image:: images/output.png .. image:: images/output.png
:alt: output :alt: output
:align: center :align: center
...@@ -185,4 +185,3 @@ Results ...@@ -185,4 +185,3 @@ Results
.. image:: images/result.png .. image:: images/result.png
:alt: The seperated planes :alt: The seperated planes
:align: center :align: center
...@@ -45,4 +45,4 @@ ...@@ -45,4 +45,4 @@
#error this is a compatibility header which should not be used inside the OpenCV library #error this is a compatibility header which should not be used inside the OpenCV library
#endif #endif
#include "opencv2/calib3d.hpp" #include "opencv2/calib3d.hpp"
\ No newline at end of file
...@@ -428,4 +428,3 @@ CV_IMPL void cvConvertPointsHomogeneous( const CvMat* _src, CvMat* _dst ) ...@@ -428,4 +428,3 @@ CV_IMPL void cvConvertPointsHomogeneous( const CvMat* _src, CvMat* _dst )
dst.convertTo(dst0, dst0.type()); dst.convertTo(dst0, dst0.type());
} }
} }
...@@ -534,4 +534,3 @@ int cv::estimateAffine3D(InputArray _from, InputArray _to, ...@@ -534,4 +534,3 @@ int cv::estimateAffine3D(InputArray _from, InputArray _to,
return createRANSACPointSetRegistrator(new Affine3DEstimatorCallback, 4, param1, param2)->run(dFrom, dTo, _out, _inliers); return createRANSACPointSetRegistrator(new Affine3DEstimatorCallback, 4, param1, param2)->run(dFrom, dTo, _out, _inliers);
} }
...@@ -1169,4 +1169,3 @@ void cv::validateDisparity( InputOutputArray _disp, InputArray _cost, int minDis ...@@ -1169,4 +1169,3 @@ void cv::validateDisparity( InputOutputArray _disp, InputArray _cost, int minDis
} }
} }
} }
...@@ -229,4 +229,3 @@ void CV_ModelEstimator2_Test::run_func() ...@@ -229,4 +229,3 @@ void CV_ModelEstimator2_Test::run_func()
TEST(Calib3d_ModelEstimator2, accuracy) { CV_ModelEstimator2_Test test; test.safe_run(); } TEST(Calib3d_ModelEstimator2, accuracy) { CV_ModelEstimator2_Test test; test.safe_run(); }
#endif #endif
...@@ -98,4 +98,3 @@ Use: ...@@ -98,4 +98,3 @@ Use:
# ./app -fps=aaa # ./app -fps=aaa
ERRORS: ERRORS:
Exception: can not convert: [aaa] to [double] Exception: can not convert: [aaa] to [double]
...@@ -430,5 +430,3 @@ cv::Affine3<T>::operator Eigen::Transform<T, 3, Eigen::Affine>() const ...@@ -430,5 +430,3 @@ cv::Affine3<T>::operator Eigen::Transform<T, 3, Eigen::Affine>() const
#endif /* __cplusplus */ #endif /* __cplusplus */
#endif /* __OPENCV_CORE_AFFINE3_HPP__ */ #endif /* __OPENCV_CORE_AFFINE3_HPP__ */
...@@ -247,4 +247,4 @@ std::ostream& operator << (std::ostream& out, const Rect_<_Tp>& rect) ...@@ -247,4 +247,4 @@ std::ostream& operator << (std::ostream& out, const Rect_<_Tp>& rect)
#endif // OPENCV_NOSTL #endif // OPENCV_NOSTL
} // cv } // cv
#endif // __OPENCV_CORE_CVSTDINL_HPP__ #endif // __OPENCV_CORE_CVSTDINL_HPP__
\ No newline at end of file
...@@ -1922,4 +1922,4 @@ TermCriteria::TermCriteria(int _type, int _maxCount, double _epsilon) ...@@ -1922,4 +1922,4 @@ TermCriteria::TermCriteria(int _type, int _maxCount, double _epsilon)
} // cv } // cv
#endif //__OPENCV_CORE_TYPES_HPP__ #endif //__OPENCV_CORE_TYPES_HPP__
\ No newline at end of file
...@@ -66,4 +66,4 @@ void cv::String::deallocate() ...@@ -66,4 +66,4 @@ void cv::String::deallocate()
{ {
cv::fastFree(data-1); cv::fastFree(data-1);
} }
} }
\ No newline at end of file
...@@ -136,4 +136,4 @@ float KeyPoint::overlap( const KeyPoint& kp1, const KeyPoint& kp2 ) ...@@ -136,4 +136,4 @@ float KeyPoint::overlap( const KeyPoint& kp1, const KeyPoint& kp2 )
return ovrl; return ovrl;
} }
} // cv } // cv
\ No newline at end of file
...@@ -178,4 +178,3 @@ TYPED_TEST(SplitTest, C4) ...@@ -178,4 +178,3 @@ TYPED_TEST(SplitTest, C4)
{ {
SplitTest<TypeParam>::test_c4(); SplitTest<TypeParam>::test_c4();
} }
...@@ -45,4 +45,4 @@ ...@@ -45,4 +45,4 @@
#error this is a compatibility header which should not be used inside the OpenCV library #error this is a compatibility header which should not be used inside the OpenCV library
#endif #endif
#include "opencv2/features2d.hpp" #include "opencv2/features2d.hpp"
\ No newline at end of file
...@@ -45,4 +45,4 @@ ...@@ -45,4 +45,4 @@
#error this is a compatibility header which should not be used inside the OpenCV library #error this is a compatibility header which should not be used inside the OpenCV library
#endif #endif
#include "opencv2/flann.hpp" #include "opencv2/flann.hpp"
\ No newline at end of file
...@@ -45,4 +45,4 @@ ...@@ -45,4 +45,4 @@
#error this is a compatibility header which should not be used inside the OpenCV library #error this is a compatibility header which should not be used inside the OpenCV library
#endif #endif
#include "opencv2/highgui.hpp" #include "opencv2/highgui.hpp"
\ No newline at end of file
...@@ -404,4 +404,3 @@ void cv::boxPoints(cv::RotatedRect box, OutputArray _pts) ...@@ -404,4 +404,3 @@ void cv::boxPoints(cv::RotatedRect box, OutputArray _pts)
Mat pts = _pts.getMat(); Mat pts = _pts.getMat();
box.points((Point2f*)pts.data); box.points((Point2f*)pts.data);
} }
...@@ -534,4 +534,3 @@ cvPyrMeanShiftFiltering( const CvArr* srcarr, CvArr* dstarr, ...@@ -534,4 +534,3 @@ cvPyrMeanShiftFiltering( const CvArr* srcarr, CvArr* dstarr,
cv::pyrMeanShiftFiltering(src, dst, sp0, sr, max_level, termcrit); cv::pyrMeanShiftFiltering(src, dst, sp0, sr, max_level, termcrit);
} }
...@@ -105,4 +105,3 @@ void CV_ConnectedComponentsTest::run( int /* start_from */) ...@@ -105,4 +105,3 @@ void CV_ConnectedComponentsTest::run( int /* start_from */)
} }
TEST(Imgproc_ConnectedComponents, regression) { CV_ConnectedComponentsTest test; test.safe_run(); } TEST(Imgproc_ConnectedComponents, regression) { CV_ConnectedComponentsTest test; test.safe_run(); }
...@@ -45,4 +45,4 @@ ...@@ -45,4 +45,4 @@
#error this is a compatibility header which should not be used inside the OpenCV library #error this is a compatibility header which should not be used inside the OpenCV library
#endif #endif
#include "opencv2/ml.hpp" #include "opencv2/ml.hpp"
\ No newline at end of file
...@@ -45,4 +45,4 @@ ...@@ -45,4 +45,4 @@
#error this is a compatibility header which should not be used inside the OpenCV library #error this is a compatibility header which should not be used inside the OpenCV library
#endif #endif
#include "opencv2/nonfree.hpp" #include "opencv2/nonfree.hpp"
\ No newline at end of file
...@@ -45,4 +45,4 @@ ...@@ -45,4 +45,4 @@
#error this is a compatibility header which should not be used inside the OpenCV library #error this is a compatibility header which should not be used inside the OpenCV library
#endif #endif
#include "opencv2/objdetect.hpp" #include "opencv2/objdetect.hpp"
\ No newline at end of file
...@@ -47,4 +47,4 @@ PERF_TEST_P(ImageName_MinSize, CascadeClassifierLBPFrontalFace, ...@@ -47,4 +47,4 @@ PERF_TEST_P(ImageName_MinSize, CascadeClassifierLBPFrontalFace,
std::sort(faces.begin(), faces.end(), comparators::RectLess()); std::sort(faces.begin(), faces.end(), comparators::RectLess());
SANITY_CHECK(faces, 3.001 * faces.size()); SANITY_CHECK(faces, 3.001 * faces.size());
} }
\ No newline at end of file
...@@ -3023,4 +3023,3 @@ void HOGDescriptor::groupRectangles(std::vector<cv::Rect>& rectList, std::vector ...@@ -3023,4 +3023,3 @@ void HOGDescriptor::groupRectangles(std::vector<cv::Rect>& rectList, std::vector
} }
} }
} }
...@@ -366,4 +366,3 @@ Finds circles in a grayscale image using the Hough transform. ...@@ -366,4 +366,3 @@ Finds circles in a grayscale image using the Hough transform.
.. note:: Currently only non-ROI oclMat is supported for src. .. note:: Currently only non-ROI oclMat is supported for src.
.. seealso:: :ocv:func:`HoughCircles` .. seealso:: :ocv:func:`HoughCircles`
...@@ -195,4 +195,3 @@ The function converts image to CIELAB colorspace and then separately denoise L a ...@@ -195,4 +195,3 @@ The function converts image to CIELAB colorspace and then separately denoise L a
.. seealso:: .. seealso::
:ocv:func:`fastNlMeansDenoisingColored` :ocv:func:`fastNlMeansDenoisingColored`
...@@ -45,4 +45,4 @@ ...@@ -45,4 +45,4 @@
#error this is a compatibility header which should not be used inside the OpenCV library #error this is a compatibility header which should not be used inside the OpenCV library
#endif #endif
#include "opencv2/photo.hpp" #include "opencv2/photo.hpp"
\ No newline at end of file
...@@ -9,4 +9,4 @@ softcascade. Soft Cascade object detection and training. ...@@ -9,4 +9,4 @@ softcascade. Soft Cascade object detection and training.
softcascade_detector softcascade_detector
softcascade_training softcascade_training
softcascade_cuda softcascade_cuda
\ No newline at end of file
...@@ -140,4 +140,4 @@ Compute feature on integral channel image. ...@@ -140,4 +140,4 @@ Compute feature on integral channel image.
:param si an index of sample. :param si an index of sample.
:param fs a channel matrix. :param fs a channel matrix.
\ No newline at end of file
...@@ -100,4 +100,4 @@ if __name__ == "__main__": ...@@ -100,4 +100,4 @@ if __name__ == "__main__":
fppi, miss_rate = sft.computeROC(confidenses, tp, nannotated, nframes, ignored) fppi, miss_rate = sft.computeROC(confidenses, tp, nannotated, nframes, ignored)
sft.plotLogLog(fppi, miss_rate, plot_colors[idx]) sft.plotLogLog(fppi, miss_rate, plot_colors[idx])
sft.showPlot(args.output, args.labels) sft.showPlot(args.output, args.labels)
\ No newline at end of file
...@@ -139,4 +139,4 @@ if __name__ == "__main__": ...@@ -139,4 +139,4 @@ if __name__ == "__main__":
path, ext = os.path.splitext(each) path, ext = os.path.splitext(each)
path = path + ".seq" path = path + ".seq"
print path print path
extractPositive(open(each), path, opath, options.octave, options.min_possible) extractPositive(open(each), path, opath, options.octave, options.min_possible)
\ No newline at end of file
...@@ -136,4 +136,4 @@ if __name__ == "__main__": ...@@ -136,4 +136,4 @@ if __name__ == "__main__":
cv2.imwrite(os.path.join(cneg_path, out_name), img) cv2.imwrite(os.path.join(cneg_path, out_name), img)
idx = idx + 1 idx = idx + 1
print "." , print "." ,
sys.stdout.flush() sys.stdout.flush()
\ No newline at end of file
...@@ -278,4 +278,4 @@ def parse_caltech(f): ...@@ -278,4 +278,4 @@ def parse_caltech(f):
for idx, (p, pv, oc) in enumerate(zip(*[pos, posv, occl])): for idx, (p, pv, oc) in enumerate(zip(*[pos, posv, occl])):
annotations[start + idx].append((type, p, oc, pv)) annotations[start + idx].append((type, p, oc, pv))
return annotations return annotations
\ No newline at end of file
...@@ -233,4 +233,4 @@ RUN_GPU(SCascadeTest, detectStream) ...@@ -233,4 +233,4 @@ RUN_GPU(SCascadeTest, detectStream)
NO_CPU(SCascadeTest, detectStream) NO_CPU(SCascadeTest, detectStream)
#undef SC_PERF_TEST_P #undef SC_PERF_TEST_P
\ No newline at end of file
...@@ -44,4 +44,4 @@ PERF_TEST_P(detect, SoftCascadeDetector, ...@@ -44,4 +44,4 @@ PERF_TEST_P(detect, SoftCascadeDetector,
extractRacts(objectBoxes, rects); extractRacts(objectBoxes, rects);
std::sort(rects.begin(), rects.end(), perf::comparators::RectLess()); std::sort(rects.begin(), rects.end(), perf::comparators::RectLess());
SANITY_CHECK(rects); SANITY_CHECK(rects);
} }
\ No newline at end of file
...@@ -593,4 +593,4 @@ void cv::softcascade::Detector::detect(InputArray _image, InputArray _rois, Out ...@@ -593,4 +593,4 @@ void cv::softcascade::Detector::detect(InputArray _image, InputArray _rois, Out
rectPtr[i] = (*it).bb(); rectPtr[i] = (*it).bb();
confPtr[i] = (*it).confidence; confPtr[i] = (*it).confidence;
} }
} }
\ No newline at end of file
...@@ -63,4 +63,4 @@ bool initModule_softcascade(void) ...@@ -63,4 +63,4 @@ bool initModule_softcascade(void)
return (sc1->info() != 0) && (sc->info() != 0); return (sc1->info() != 0) && (sc->info() != 0);
} }
} } } }
\ No newline at end of file
...@@ -42,4 +42,4 @@ ...@@ -42,4 +42,4 @@
#include "test_precomp.hpp" #include "test_precomp.hpp"
CV_TEST_MAIN("cv") CV_TEST_MAIN("cv")
\ No newline at end of file
...@@ -138,4 +138,4 @@ TEST(SoftCascadeDetector, detectEmptyRoi) ...@@ -138,4 +138,4 @@ TEST(SoftCascadeDetector, detectEmptyRoi)
cascade.detect(colored, cv::Mat::zeros(colored.size(), CV_8UC1), objects); cascade.detect(colored, cv::Mat::zeros(colored.size(), CV_8UC1), objects);
ASSERT_EQ(0, (int)objects.size()); ASSERT_EQ(0, (int)objects.size());
} }
\ No newline at end of file
...@@ -157,4 +157,4 @@ TEST(SoftCascade, training) ...@@ -157,4 +157,4 @@ TEST(SoftCascade, training)
ASSERT_FALSE(fn.empty()); ASSERT_FALSE(fn.empty());
} }
#endif #endif
\ No newline at end of file
set(the_description "Images stitching") set(the_description "Images stitching")
ocv_define_module(stitching opencv_imgproc opencv_features2d opencv_calib3d opencv_objdetect ocv_define_module(stitching opencv_imgproc opencv_features2d opencv_calib3d opencv_objdetect
OPTIONAL opencv_gpu opencv_gpuarithm opencv_gpufilters opencv_gpufeatures2d opencv_nonfree) OPTIONAL opencv_gpu opencv_gpuarithm opencv_gpufilters opencv_gpufeatures2d opencv_nonfree)
...@@ -45,4 +45,4 @@ ...@@ -45,4 +45,4 @@
#error this is a compatibility header which should not be used inside the OpenCV library #error this is a compatibility header which should not be used inside the OpenCV library
#endif #endif
#include "opencv2/video.hpp" #include "opencv2/video.hpp"
\ No newline at end of file
set(the_description "Video stabilization") set(the_description "Video stabilization")
ocv_define_module(videostab opencv_imgproc opencv_features2d opencv_video opencv_photo opencv_calib3d ocv_define_module(videostab opencv_imgproc opencv_features2d opencv_video opencv_photo opencv_calib3d
OPTIONAL opencv_gpu opencv_gpuwarping opencv_gpuoptflow opencv_highgui) OPTIONAL opencv_gpu opencv_gpuwarping opencv_gpuoptflow opencv_highgui)
...@@ -133,4 +133,3 @@ private: ...@@ -133,4 +133,3 @@ private:
} // namespace cv } // namespace cv
#endif #endif
...@@ -834,5 +834,3 @@ Mat getMotion(int from, int to, const std::vector<Mat> &motions) ...@@ -834,5 +834,3 @@ Mat getMotion(int from, int to, const std::vector<Mat> &motions)
} // namespace videostab } // namespace videostab
} // namespace cv } // namespace cv
...@@ -160,4 +160,3 @@ void MoreAccurateMotionWobbleSuppressorGpu::suppress(int idx, const Mat &frame, ...@@ -160,4 +160,3 @@ void MoreAccurateMotionWobbleSuppressorGpu::suppress(int idx, const Mat &frame,
} // namespace videostab } // namespace videostab
} // namespace cv } // namespace cv
...@@ -25,8 +25,3 @@ the CMake gui with: ...@@ -25,8 +25,3 @@ the CMake gui with:
$ cmake-gui <OPENCV_SRC_PATH>/samples/c/example_cmake/ $ cmake-gui <OPENCV_SRC_PATH>/samples/c/example_cmake/
And pick the correct value for OpenCV_DIR. And pick the correct value for OpenCV_DIR.
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册