diff --git a/apps/CMakeLists.txt b/apps/CMakeLists.txt index ad0f0daad..f5ac42a01 100644 --- a/apps/CMakeLists.txt +++ b/apps/CMakeLists.txt @@ -3,4 +3,3 @@ add_definitions(-D__OPENCV_BUILD=1) add_subdirectory(haartraining) add_subdirectory(traincascade) add_subdirectory(sft) - diff --git a/apps/sft/CMakeLists.txt b/apps/sft/CMakeLists.txt index 8b950225c..05bd337c3 100644 --- a/apps/sft/CMakeLists.txt +++ b/apps/sft/CMakeLists.txt @@ -30,4 +30,4 @@ if(ENABLE_SOLUTION_FOLDERS) set_target_properties(${the_target} PROPERTIES FOLDER "applications") endif() -install(TARGETS ${the_target} RUNTIME DESTINATION bin COMPONENT main) \ No newline at end of file +install(TARGETS ${the_target} RUNTIME DESTINATION bin COMPONENT main) diff --git a/apps/sft/config.cpp b/apps/sft/config.cpp index 3cc64c7fe..9157575a1 100644 --- a/apps/sft/config.cpp +++ b/apps/sft/config.cpp @@ -159,4 +159,4 @@ std::ostream& sft::operator<<(std::ostream& out, const Config& m) << std::setw(14) << std::left << "featureType" << m.featureType << std::endl; return out; -} \ No newline at end of file +} diff --git a/apps/sft/include/sft/common.hpp b/apps/sft/include/sft/common.hpp index 4a0a03f36..5c142a749 100644 --- a/apps/sft/include/sft/common.hpp +++ b/apps/sft/include/sft/common.hpp @@ -71,4 +71,4 @@ namespace sft # define dprintf(format, ...) #endif -#endif \ No newline at end of file +#endif diff --git a/apps/sft/include/sft/config.hpp b/apps/sft/include/sft/config.hpp index 3d39d3272..c6e85b264 100644 --- a/apps/sft/include/sft/config.hpp +++ b/apps/sft/include/sft/config.hpp @@ -135,4 +135,4 @@ std::ostream& operator<<(std::ostream& out, const Config& m); } -#endif \ No newline at end of file +#endif diff --git a/apps/sft/include/sft/dataset.hpp b/apps/sft/include/sft/dataset.hpp index 98d619256..7504f4033 100644 --- a/apps/sft/include/sft/dataset.hpp +++ b/apps/sft/include/sft/dataset.hpp @@ -64,4 +64,4 @@ private: }; } -#endif \ No newline at end of file +#endif diff --git a/apps/sft/sft.cpp b/apps/sft/sft.cpp index 7b5138763..79d41032e 100644 --- a/apps/sft/sft.cpp +++ b/apps/sft/sft.cpp @@ -165,4 +165,4 @@ int main(int argc, char** argv) fso.release(); std::cout << "Training complete..." << std::endl; return 0; -} \ No newline at end of file +} diff --git a/doc/tutorials/highgui/trackbar/trackbar.rst b/doc/tutorials/highgui/trackbar/trackbar.rst index dabfa5e8c..5749123c1 100644 --- a/doc/tutorials/highgui/trackbar/trackbar.rst +++ b/doc/tutorials/highgui/trackbar/trackbar.rst @@ -152,8 +152,3 @@ Result .. image:: images/Adding_Trackbars_Tutorial_Result_1.jpg :alt: Adding Trackbars - Lena :align: center - - - - - diff --git a/doc/tutorials/ios/hello/hello.rst b/doc/tutorials/ios/hello/hello.rst index b2a37aa70..8435be54d 100644 --- a/doc/tutorials/ios/hello/hello.rst +++ b/doc/tutorials/ios/hello/hello.rst @@ -73,4 +73,3 @@ Now we will learn how to write a simple Hello World Application in Xcode using O .. image:: images/output.png :alt: output :align: center - diff --git a/doc/tutorials/ml/introduction_to_svm/introduction_to_svm.rst b/doc/tutorials/ml/introduction_to_svm/introduction_to_svm.rst index 1b3abd660..50f734803 100644 --- a/doc/tutorials/ml/introduction_to_svm/introduction_to_svm.rst +++ b/doc/tutorials/ml/introduction_to_svm/introduction_to_svm.rst @@ -185,4 +185,3 @@ Results .. image:: images/result.png :alt: The seperated planes :align: center - diff --git a/modules/calib3d/include/opencv2/calib3d/calib3d.hpp b/modules/calib3d/include/opencv2/calib3d/calib3d.hpp index 302de229b..b3da45edd 100644 --- a/modules/calib3d/include/opencv2/calib3d/calib3d.hpp +++ b/modules/calib3d/include/opencv2/calib3d/calib3d.hpp @@ -45,4 +45,4 @@ #error this is a compatibility header which should not be used inside the OpenCV library #endif -#include "opencv2/calib3d.hpp" \ No newline at end of file +#include "opencv2/calib3d.hpp" diff --git a/modules/calib3d/src/compat_ptsetreg.cpp b/modules/calib3d/src/compat_ptsetreg.cpp index 74c9e0012..db3fc9956 100644 --- a/modules/calib3d/src/compat_ptsetreg.cpp +++ b/modules/calib3d/src/compat_ptsetreg.cpp @@ -428,4 +428,3 @@ CV_IMPL void cvConvertPointsHomogeneous( const CvMat* _src, CvMat* _dst ) dst.convertTo(dst0, dst0.type()); } } - diff --git a/modules/calib3d/src/ptsetreg.cpp b/modules/calib3d/src/ptsetreg.cpp index c92d858dc..da2da56c7 100644 --- a/modules/calib3d/src/ptsetreg.cpp +++ b/modules/calib3d/src/ptsetreg.cpp @@ -534,4 +534,3 @@ int cv::estimateAffine3D(InputArray _from, InputArray _to, return createRANSACPointSetRegistrator(new Affine3DEstimatorCallback, 4, param1, param2)->run(dFrom, dTo, _out, _inliers); } - diff --git a/modules/calib3d/src/stereosgbm.cpp b/modules/calib3d/src/stereosgbm.cpp index 508eb59b1..700b70684 100644 --- a/modules/calib3d/src/stereosgbm.cpp +++ b/modules/calib3d/src/stereosgbm.cpp @@ -1169,4 +1169,3 @@ void cv::validateDisparity( InputOutputArray _disp, InputArray _cost, int minDis } } } - diff --git a/modules/calib3d/test/test_modelest.cpp b/modules/calib3d/test/test_modelest.cpp index 5b0a86016..55cb79eba 100644 --- a/modules/calib3d/test/test_modelest.cpp +++ b/modules/calib3d/test/test_modelest.cpp @@ -229,4 +229,3 @@ void CV_ModelEstimator2_Test::run_func() TEST(Calib3d_ModelEstimator2, accuracy) { CV_ModelEstimator2_Test test; test.safe_run(); } #endif - diff --git a/modules/core/doc/command_line_parser.rst b/modules/core/doc/command_line_parser.rst index 64c72020a..c1f69f4e5 100644 --- a/modules/core/doc/command_line_parser.rst +++ b/modules/core/doc/command_line_parser.rst @@ -98,4 +98,3 @@ Use: # ./app -fps=aaa ERRORS: Exception: can not convert: [aaa] to [double] - diff --git a/modules/core/include/opencv2/core/affine.hpp b/modules/core/include/opencv2/core/affine.hpp index cf7b29cad..ed8bd29a1 100644 --- a/modules/core/include/opencv2/core/affine.hpp +++ b/modules/core/include/opencv2/core/affine.hpp @@ -430,5 +430,3 @@ cv::Affine3::operator Eigen::Transform() const #endif /* __cplusplus */ #endif /* __OPENCV_CORE_AFFINE3_HPP__ */ - - diff --git a/modules/core/include/opencv2/core/cvstd.inl.hpp b/modules/core/include/opencv2/core/cvstd.inl.hpp index 3f29a1b67..8642b7442 100644 --- a/modules/core/include/opencv2/core/cvstd.inl.hpp +++ b/modules/core/include/opencv2/core/cvstd.inl.hpp @@ -247,4 +247,4 @@ std::ostream& operator << (std::ostream& out, const Rect_<_Tp>& rect) #endif // OPENCV_NOSTL } // cv -#endif // __OPENCV_CORE_CVSTDINL_HPP__ \ No newline at end of file +#endif // __OPENCV_CORE_CVSTDINL_HPP__ diff --git a/modules/core/include/opencv2/core/types.hpp b/modules/core/include/opencv2/core/types.hpp index 67e551e62..3ca86add0 100644 --- a/modules/core/include/opencv2/core/types.hpp +++ b/modules/core/include/opencv2/core/types.hpp @@ -1922,4 +1922,4 @@ TermCriteria::TermCriteria(int _type, int _maxCount, double _epsilon) } // cv -#endif //__OPENCV_CORE_TYPES_HPP__ \ No newline at end of file +#endif //__OPENCV_CORE_TYPES_HPP__ diff --git a/modules/core/src/stl.cpp b/modules/core/src/stl.cpp index 09ba66c21..f03c1a2d7 100644 --- a/modules/core/src/stl.cpp +++ b/modules/core/src/stl.cpp @@ -66,4 +66,4 @@ void cv::String::deallocate() { cv::fastFree(data-1); } -} \ No newline at end of file +} diff --git a/modules/core/src/types.cpp b/modules/core/src/types.cpp index 4dbb06f31..89e004265 100644 --- a/modules/core/src/types.cpp +++ b/modules/core/src/types.cpp @@ -136,4 +136,4 @@ float KeyPoint::overlap( const KeyPoint& kp1, const KeyPoint& kp2 ) return ovrl; } -} // cv \ No newline at end of file +} // cv diff --git a/modules/cudev/test/test_split_merge.cu b/modules/cudev/test/test_split_merge.cu index 82369e5ba..3af24f588 100644 --- a/modules/cudev/test/test_split_merge.cu +++ b/modules/cudev/test/test_split_merge.cu @@ -178,4 +178,3 @@ TYPED_TEST(SplitTest, C4) { SplitTest::test_c4(); } - diff --git a/modules/features2d/include/opencv2/features2d/features2d.hpp b/modules/features2d/include/opencv2/features2d/features2d.hpp index c825295ec..e81df0ad0 100644 --- a/modules/features2d/include/opencv2/features2d/features2d.hpp +++ b/modules/features2d/include/opencv2/features2d/features2d.hpp @@ -45,4 +45,4 @@ #error this is a compatibility header which should not be used inside the OpenCV library #endif -#include "opencv2/features2d.hpp" \ No newline at end of file +#include "opencv2/features2d.hpp" diff --git a/modules/flann/include/opencv2/flann/flann.hpp b/modules/flann/include/opencv2/flann/flann.hpp index f40aaf79f..227683f97 100644 --- a/modules/flann/include/opencv2/flann/flann.hpp +++ b/modules/flann/include/opencv2/flann/flann.hpp @@ -45,4 +45,4 @@ #error this is a compatibility header which should not be used inside the OpenCV library #endif -#include "opencv2/flann.hpp" \ No newline at end of file +#include "opencv2/flann.hpp" diff --git a/modules/highgui/include/opencv2/highgui/highgui.hpp b/modules/highgui/include/opencv2/highgui/highgui.hpp index cb84ef620..160c9cf4a 100644 --- a/modules/highgui/include/opencv2/highgui/highgui.hpp +++ b/modules/highgui/include/opencv2/highgui/highgui.hpp @@ -45,4 +45,4 @@ #error this is a compatibility header which should not be used inside the OpenCV library #endif -#include "opencv2/highgui.hpp" \ No newline at end of file +#include "opencv2/highgui.hpp" diff --git a/modules/imgproc/src/rotcalipers.cpp b/modules/imgproc/src/rotcalipers.cpp index 98ae6df03..0983d4d35 100644 --- a/modules/imgproc/src/rotcalipers.cpp +++ b/modules/imgproc/src/rotcalipers.cpp @@ -404,4 +404,3 @@ void cv::boxPoints(cv::RotatedRect box, OutputArray _pts) Mat pts = _pts.getMat(); box.points((Point2f*)pts.data); } - diff --git a/modules/imgproc/src/segmentation.cpp b/modules/imgproc/src/segmentation.cpp index 0c21b9d7e..320f2273a 100644 --- a/modules/imgproc/src/segmentation.cpp +++ b/modules/imgproc/src/segmentation.cpp @@ -534,4 +534,3 @@ cvPyrMeanShiftFiltering( const CvArr* srcarr, CvArr* dstarr, cv::pyrMeanShiftFiltering(src, dst, sp0, sr, max_level, termcrit); } - diff --git a/modules/imgproc/test/test_connectedcomponents.cpp b/modules/imgproc/test/test_connectedcomponents.cpp index c428cc074..a9567da97 100644 --- a/modules/imgproc/test/test_connectedcomponents.cpp +++ b/modules/imgproc/test/test_connectedcomponents.cpp @@ -105,4 +105,3 @@ void CV_ConnectedComponentsTest::run( int /* start_from */) } TEST(Imgproc_ConnectedComponents, regression) { CV_ConnectedComponentsTest test; test.safe_run(); } - diff --git a/modules/ml/include/opencv2/ml/ml.hpp b/modules/ml/include/opencv2/ml/ml.hpp index 676d861b6..f6f9cd8f8 100644 --- a/modules/ml/include/opencv2/ml/ml.hpp +++ b/modules/ml/include/opencv2/ml/ml.hpp @@ -45,4 +45,4 @@ #error this is a compatibility header which should not be used inside the OpenCV library #endif -#include "opencv2/ml.hpp" \ No newline at end of file +#include "opencv2/ml.hpp" diff --git a/modules/nonfree/include/opencv2/nonfree/nonfree.hpp b/modules/nonfree/include/opencv2/nonfree/nonfree.hpp index 5601147ae..c1bb651f0 100644 --- a/modules/nonfree/include/opencv2/nonfree/nonfree.hpp +++ b/modules/nonfree/include/opencv2/nonfree/nonfree.hpp @@ -45,4 +45,4 @@ #error this is a compatibility header which should not be used inside the OpenCV library #endif -#include "opencv2/nonfree.hpp" \ No newline at end of file +#include "opencv2/nonfree.hpp" diff --git a/modules/objdetect/include/opencv2/objdetect/objdetect.hpp b/modules/objdetect/include/opencv2/objdetect/objdetect.hpp index 1a3599614..3ee284f42 100644 --- a/modules/objdetect/include/opencv2/objdetect/objdetect.hpp +++ b/modules/objdetect/include/opencv2/objdetect/objdetect.hpp @@ -45,4 +45,4 @@ #error this is a compatibility header which should not be used inside the OpenCV library #endif -#include "opencv2/objdetect.hpp" \ No newline at end of file +#include "opencv2/objdetect.hpp" diff --git a/modules/objdetect/perf/perf_cascadeclassifier.cpp b/modules/objdetect/perf/perf_cascadeclassifier.cpp index 2823302c7..1d5bff11f 100644 --- a/modules/objdetect/perf/perf_cascadeclassifier.cpp +++ b/modules/objdetect/perf/perf_cascadeclassifier.cpp @@ -47,4 +47,4 @@ PERF_TEST_P(ImageName_MinSize, CascadeClassifierLBPFrontalFace, std::sort(faces.begin(), faces.end(), comparators::RectLess()); SANITY_CHECK(faces, 3.001 * faces.size()); -} \ No newline at end of file +} diff --git a/modules/objdetect/src/hog.cpp b/modules/objdetect/src/hog.cpp index ca4c704f6..0fca47f28 100644 --- a/modules/objdetect/src/hog.cpp +++ b/modules/objdetect/src/hog.cpp @@ -3023,4 +3023,3 @@ void HOGDescriptor::groupRectangles(std::vector& rectList, std::vector } } } - diff --git a/modules/ocl/doc/image_processing.rst b/modules/ocl/doc/image_processing.rst index 9cf521b2b..98f334762 100644 --- a/modules/ocl/doc/image_processing.rst +++ b/modules/ocl/doc/image_processing.rst @@ -366,4 +366,3 @@ Finds circles in a grayscale image using the Hough transform. .. note:: Currently only non-ROI oclMat is supported for src. .. seealso:: :ocv:func:`HoughCircles` - diff --git a/modules/photo/doc/denoising.rst b/modules/photo/doc/denoising.rst index 1de928d39..4c64b07c2 100644 --- a/modules/photo/doc/denoising.rst +++ b/modules/photo/doc/denoising.rst @@ -195,4 +195,3 @@ The function converts image to CIELAB colorspace and then separately denoise L a .. seealso:: :ocv:func:`fastNlMeansDenoisingColored` - diff --git a/modules/photo/include/opencv2/photo/photo.hpp b/modules/photo/include/opencv2/photo/photo.hpp index 41aa7ae40..8af5e9f0f 100644 --- a/modules/photo/include/opencv2/photo/photo.hpp +++ b/modules/photo/include/opencv2/photo/photo.hpp @@ -45,4 +45,4 @@ #error this is a compatibility header which should not be used inside the OpenCV library #endif -#include "opencv2/photo.hpp" \ No newline at end of file +#include "opencv2/photo.hpp" diff --git a/modules/softcascade/doc/softcascade.rst b/modules/softcascade/doc/softcascade.rst index a8e041732..4b3a44a36 100644 --- a/modules/softcascade/doc/softcascade.rst +++ b/modules/softcascade/doc/softcascade.rst @@ -9,4 +9,4 @@ softcascade. Soft Cascade object detection and training. softcascade_detector softcascade_training - softcascade_cuda \ No newline at end of file + softcascade_cuda diff --git a/modules/softcascade/doc/softcascade_training.rst b/modules/softcascade/doc/softcascade_training.rst index fe829c54c..cc83b38e4 100644 --- a/modules/softcascade/doc/softcascade_training.rst +++ b/modules/softcascade/doc/softcascade_training.rst @@ -140,4 +140,4 @@ Compute feature on integral channel image. :param si an index of sample. - :param fs a channel matrix. \ No newline at end of file + :param fs a channel matrix. diff --git a/modules/softcascade/misc/roc_test.py b/modules/softcascade/misc/roc_test.py index f91630aab..30361f297 100755 --- a/modules/softcascade/misc/roc_test.py +++ b/modules/softcascade/misc/roc_test.py @@ -100,4 +100,4 @@ if __name__ == "__main__": fppi, miss_rate = sft.computeROC(confidenses, tp, nannotated, nframes, ignored) sft.plotLogLog(fppi, miss_rate, plot_colors[idx]) - sft.showPlot(args.output, args.labels) \ No newline at end of file + sft.showPlot(args.output, args.labels) diff --git a/modules/softcascade/misc/scale_caltech.py b/modules/softcascade/misc/scale_caltech.py index 29d9707c8..07e7d06bb 100755 --- a/modules/softcascade/misc/scale_caltech.py +++ b/modules/softcascade/misc/scale_caltech.py @@ -139,4 +139,4 @@ if __name__ == "__main__": path, ext = os.path.splitext(each) path = path + ".seq" print path - extractPositive(open(each), path, opath, options.octave, options.min_possible) \ No newline at end of file + extractPositive(open(each), path, opath, options.octave, options.min_possible) diff --git a/modules/softcascade/misc/scale_inria.py b/modules/softcascade/misc/scale_inria.py index b08a4bc7f..ebfc6f366 100755 --- a/modules/softcascade/misc/scale_inria.py +++ b/modules/softcascade/misc/scale_inria.py @@ -136,4 +136,4 @@ if __name__ == "__main__": cv2.imwrite(os.path.join(cneg_path, out_name), img) idx = idx + 1 print "." , - sys.stdout.flush() \ No newline at end of file + sys.stdout.flush() diff --git a/modules/softcascade/misc/sft.py b/modules/softcascade/misc/sft.py index cefbb3700..6c82d71b6 100644 --- a/modules/softcascade/misc/sft.py +++ b/modules/softcascade/misc/sft.py @@ -278,4 +278,4 @@ def parse_caltech(f): for idx, (p, pv, oc) in enumerate(zip(*[pos, posv, occl])): annotations[start + idx].append((type, p, oc, pv)) - return annotations \ No newline at end of file + return annotations diff --git a/modules/softcascade/perf/perf_cuda_softcascade.cpp b/modules/softcascade/perf/perf_cuda_softcascade.cpp index 1c4061f65..09f1aad0b 100644 --- a/modules/softcascade/perf/perf_cuda_softcascade.cpp +++ b/modules/softcascade/perf/perf_cuda_softcascade.cpp @@ -233,4 +233,4 @@ RUN_GPU(SCascadeTest, detectStream) NO_CPU(SCascadeTest, detectStream) -#undef SC_PERF_TEST_P \ No newline at end of file +#undef SC_PERF_TEST_P diff --git a/modules/softcascade/perf/perf_softcascade.cpp b/modules/softcascade/perf/perf_softcascade.cpp index c8f9fab9e..8165bd981 100644 --- a/modules/softcascade/perf/perf_softcascade.cpp +++ b/modules/softcascade/perf/perf_softcascade.cpp @@ -44,4 +44,4 @@ PERF_TEST_P(detect, SoftCascadeDetector, extractRacts(objectBoxes, rects); std::sort(rects.begin(), rects.end(), perf::comparators::RectLess()); SANITY_CHECK(rects); -} \ No newline at end of file +} diff --git a/modules/softcascade/src/detector.cpp b/modules/softcascade/src/detector.cpp index c44b96e55..ad74614f4 100644 --- a/modules/softcascade/src/detector.cpp +++ b/modules/softcascade/src/detector.cpp @@ -593,4 +593,4 @@ void cv::softcascade::Detector::detect(InputArray _image, InputArray _rois, Out rectPtr[i] = (*it).bb(); confPtr[i] = (*it).confidence; } -} \ No newline at end of file +} diff --git a/modules/softcascade/src/softcascade_init.cpp b/modules/softcascade/src/softcascade_init.cpp index b5bac41fa..6978c4a8a 100644 --- a/modules/softcascade/src/softcascade_init.cpp +++ b/modules/softcascade/src/softcascade_init.cpp @@ -63,4 +63,4 @@ bool initModule_softcascade(void) return (sc1->info() != 0) && (sc->info() != 0); } -} } \ No newline at end of file +} } diff --git a/modules/softcascade/test/test_main.cpp b/modules/softcascade/test/test_main.cpp index ab0e8615b..d3999d483 100644 --- a/modules/softcascade/test/test_main.cpp +++ b/modules/softcascade/test/test_main.cpp @@ -42,4 +42,4 @@ #include "test_precomp.hpp" -CV_TEST_MAIN("cv") \ No newline at end of file +CV_TEST_MAIN("cv") diff --git a/modules/softcascade/test/test_softcascade.cpp b/modules/softcascade/test/test_softcascade.cpp index 9004264fc..59d5c3c4a 100644 --- a/modules/softcascade/test/test_softcascade.cpp +++ b/modules/softcascade/test/test_softcascade.cpp @@ -138,4 +138,4 @@ TEST(SoftCascadeDetector, detectEmptyRoi) cascade.detect(colored, cv::Mat::zeros(colored.size(), CV_8UC1), objects); ASSERT_EQ(0, (int)objects.size()); -} \ No newline at end of file +} diff --git a/modules/softcascade/test/test_training.cpp b/modules/softcascade/test/test_training.cpp index 2bd5ec66f..5ade81681 100644 --- a/modules/softcascade/test/test_training.cpp +++ b/modules/softcascade/test/test_training.cpp @@ -157,4 +157,4 @@ TEST(SoftCascade, training) ASSERT_FALSE(fn.empty()); } -#endif \ No newline at end of file +#endif diff --git a/modules/stitching/CMakeLists.txt b/modules/stitching/CMakeLists.txt index fa9adfc8e..389285a56 100644 --- a/modules/stitching/CMakeLists.txt +++ b/modules/stitching/CMakeLists.txt @@ -1,4 +1,3 @@ set(the_description "Images stitching") ocv_define_module(stitching opencv_imgproc opencv_features2d opencv_calib3d opencv_objdetect OPTIONAL opencv_gpu opencv_gpuarithm opencv_gpufilters opencv_gpufeatures2d opencv_nonfree) - diff --git a/modules/video/include/opencv2/video/video.hpp b/modules/video/include/opencv2/video/video.hpp index 8837bff1b..8267b85d5 100644 --- a/modules/video/include/opencv2/video/video.hpp +++ b/modules/video/include/opencv2/video/video.hpp @@ -45,4 +45,4 @@ #error this is a compatibility header which should not be used inside the OpenCV library #endif -#include "opencv2/video.hpp" \ No newline at end of file +#include "opencv2/video.hpp" diff --git a/modules/videostab/CMakeLists.txt b/modules/videostab/CMakeLists.txt index e9e62815f..4df203c7d 100644 --- a/modules/videostab/CMakeLists.txt +++ b/modules/videostab/CMakeLists.txt @@ -1,4 +1,3 @@ set(the_description "Video stabilization") ocv_define_module(videostab opencv_imgproc opencv_features2d opencv_video opencv_photo opencv_calib3d OPTIONAL opencv_gpu opencv_gpuwarping opencv_gpuoptflow opencv_highgui) - diff --git a/modules/videostab/include/opencv2/videostab/wobble_suppression.hpp b/modules/videostab/include/opencv2/videostab/wobble_suppression.hpp index 8588acbc5..01163b27c 100644 --- a/modules/videostab/include/opencv2/videostab/wobble_suppression.hpp +++ b/modules/videostab/include/opencv2/videostab/wobble_suppression.hpp @@ -133,4 +133,3 @@ private: } // namespace cv #endif - diff --git a/modules/videostab/src/global_motion.cpp b/modules/videostab/src/global_motion.cpp index 9a54b5ae6..383a10dfd 100644 --- a/modules/videostab/src/global_motion.cpp +++ b/modules/videostab/src/global_motion.cpp @@ -834,5 +834,3 @@ Mat getMotion(int from, int to, const std::vector &motions) } // namespace videostab } // namespace cv - - diff --git a/modules/videostab/src/wobble_suppression.cpp b/modules/videostab/src/wobble_suppression.cpp index 049bb81b3..c9d8ac91f 100644 --- a/modules/videostab/src/wobble_suppression.cpp +++ b/modules/videostab/src/wobble_suppression.cpp @@ -160,4 +160,3 @@ void MoreAccurateMotionWobbleSuppressorGpu::suppress(int idx, const Mat &frame, } // namespace videostab } // namespace cv - diff --git a/samples/c/example_cmake/README.txt b/samples/c/example_cmake/README.txt index 7bf53e7ac..7d573e373 100644 --- a/samples/c/example_cmake/README.txt +++ b/samples/c/example_cmake/README.txt @@ -25,8 +25,3 @@ the CMake gui with: $ cmake-gui /samples/c/example_cmake/ And pick the correct value for OpenCV_DIR. - - - - -