renamed gpuimgproc -> cudaimgproc
authorVladislav Vinogradov <vlad.vinogradov@itseez.com>
Tue, 23 Jul 2013 12:59:34 +0000 (16:59 +0400)
committerVladislav Vinogradov <vlad.vinogradov@itseez.com>
Mon, 2 Sep 2013 10:00:43 +0000 (14:00 +0400)
93 files changed:
modules/cudaimgproc/CMakeLists.txt [new file with mode: 0644]
modules/cudaimgproc/doc/color.rst [moved from modules/gpuimgproc/doc/color.rst with 100% similarity]
modules/cudaimgproc/doc/cudaimgproc.rst [moved from modules/gpuimgproc/doc/gpuimgproc.rst with 100% similarity]
modules/cudaimgproc/doc/feature_detection.rst [moved from modules/gpuimgproc/doc/feature_detection.rst with 100% similarity]
modules/cudaimgproc/doc/histogram.rst [moved from modules/gpuimgproc/doc/histogram.rst with 100% similarity]
modules/cudaimgproc/doc/hough.rst [moved from modules/gpuimgproc/doc/hough.rst with 100% similarity]
modules/cudaimgproc/doc/imgproc.rst [moved from modules/gpuimgproc/doc/imgproc.rst with 100% similarity]
modules/cudaimgproc/include/opencv2/cudaimgproc.hpp [moved from modules/gpuimgproc/include/opencv2/gpuimgproc.hpp with 98% similarity]
modules/cudaimgproc/perf/perf_bilateral_filter.cpp [moved from modules/gpuimgproc/perf/perf_bilateral_filter.cpp with 100% similarity]
modules/cudaimgproc/perf/perf_blend.cpp [moved from modules/gpuimgproc/perf/perf_blend.cpp with 100% similarity]
modules/cudaimgproc/perf/perf_canny.cpp [moved from modules/gpuimgproc/perf/perf_canny.cpp with 100% similarity]
modules/cudaimgproc/perf/perf_color.cpp [moved from modules/gpuimgproc/perf/perf_color.cpp with 100% similarity]
modules/cudaimgproc/perf/perf_corners.cpp [moved from modules/gpuimgproc/perf/perf_corners.cpp with 100% similarity]
modules/cudaimgproc/perf/perf_gftt.cpp [moved from modules/gpuimgproc/perf/perf_gftt.cpp with 100% similarity]
modules/cudaimgproc/perf/perf_histogram.cpp [moved from modules/gpuimgproc/perf/perf_histogram.cpp with 100% similarity]
modules/cudaimgproc/perf/perf_hough.cpp [moved from modules/gpuimgproc/perf/perf_hough.cpp with 100% similarity]
modules/cudaimgproc/perf/perf_main.cpp [moved from modules/gpuimgproc/perf/perf_main.cpp with 98% similarity]
modules/cudaimgproc/perf/perf_match_template.cpp [moved from modules/gpuimgproc/perf/perf_match_template.cpp with 100% similarity]
modules/cudaimgproc/perf/perf_mean_shift.cpp [moved from modules/gpuimgproc/perf/perf_mean_shift.cpp with 100% similarity]
modules/cudaimgproc/perf/perf_precomp.cpp [moved from modules/gpuimgproc/perf/perf_precomp.cpp with 100% similarity]
modules/cudaimgproc/perf/perf_precomp.hpp [moved from modules/gpuimgproc/perf/perf_precomp.hpp with 98% similarity]
modules/cudaimgproc/src/bilateral_filter.cpp [moved from modules/gpuimgproc/src/bilateral_filter.cpp with 100% similarity]
modules/cudaimgproc/src/blend.cpp [moved from modules/gpuimgproc/src/blend.cpp with 100% similarity]
modules/cudaimgproc/src/canny.cpp [moved from modules/gpuimgproc/src/canny.cpp with 100% similarity]
modules/cudaimgproc/src/color.cpp [moved from modules/gpuimgproc/src/color.cpp with 100% similarity]
modules/cudaimgproc/src/corners.cpp [moved from modules/gpuimgproc/src/corners.cpp with 100% similarity]
modules/cudaimgproc/src/cuda/bilateral_filter.cu [moved from modules/gpuimgproc/src/cuda/bilateral_filter.cu with 100% similarity]
modules/cudaimgproc/src/cuda/blend.cu [moved from modules/gpuimgproc/src/cuda/blend.cu with 100% similarity]
modules/cudaimgproc/src/cuda/build_point_list.cu [moved from modules/gpuimgproc/src/cuda/build_point_list.cu with 100% similarity]
modules/cudaimgproc/src/cuda/canny.cu [moved from modules/gpuimgproc/src/cuda/canny.cu with 100% similarity]
modules/cudaimgproc/src/cuda/clahe.cu [moved from modules/gpuimgproc/src/cuda/clahe.cu with 100% similarity]
modules/cudaimgproc/src/cuda/color.cu [moved from modules/gpuimgproc/src/cuda/color.cu with 100% similarity]
modules/cudaimgproc/src/cuda/corners.cu [moved from modules/gpuimgproc/src/cuda/corners.cu with 100% similarity]
modules/cudaimgproc/src/cuda/debayer.cu [moved from modules/gpuimgproc/src/cuda/debayer.cu with 100% similarity]
modules/cudaimgproc/src/cuda/generalized_hough.cu [moved from modules/gpuimgproc/src/cuda/generalized_hough.cu with 100% similarity]
modules/cudaimgproc/src/cuda/gftt.cu [moved from modules/gpuimgproc/src/cuda/gftt.cu with 100% similarity]
modules/cudaimgproc/src/cuda/hist.cu [moved from modules/gpuimgproc/src/cuda/hist.cu with 100% similarity]
modules/cudaimgproc/src/cuda/hough_circles.cu [moved from modules/gpuimgproc/src/cuda/hough_circles.cu with 100% similarity]
modules/cudaimgproc/src/cuda/hough_lines.cu [moved from modules/gpuimgproc/src/cuda/hough_lines.cu with 100% similarity]
modules/cudaimgproc/src/cuda/hough_segments.cu [moved from modules/gpuimgproc/src/cuda/hough_segments.cu with 100% similarity]
modules/cudaimgproc/src/cuda/match_template.cu [moved from modules/gpuimgproc/src/cuda/match_template.cu with 100% similarity]
modules/cudaimgproc/src/cuda/mean_shift.cu [moved from modules/gpuimgproc/src/cuda/mean_shift.cu with 100% similarity]
modules/cudaimgproc/src/cvt_color_internal.h [moved from modules/gpuimgproc/src/cvt_color_internal.h with 100% similarity]
modules/cudaimgproc/src/generalized_hough.cpp [moved from modules/gpuimgproc/src/generalized_hough.cpp with 100% similarity]
modules/cudaimgproc/src/gftt.cpp [moved from modules/gpuimgproc/src/gftt.cpp with 100% similarity]
modules/cudaimgproc/src/histogram.cpp [moved from modules/gpuimgproc/src/histogram.cpp with 100% similarity]
modules/cudaimgproc/src/hough_circles.cpp [moved from modules/gpuimgproc/src/hough_circles.cpp with 100% similarity]
modules/cudaimgproc/src/hough_lines.cpp [moved from modules/gpuimgproc/src/hough_lines.cpp with 100% similarity]
modules/cudaimgproc/src/hough_segments.cpp [moved from modules/gpuimgproc/src/hough_segments.cpp with 100% similarity]
modules/cudaimgproc/src/match_template.cpp [moved from modules/gpuimgproc/src/match_template.cpp with 100% similarity]
modules/cudaimgproc/src/mean_shift.cpp [moved from modules/gpuimgproc/src/mean_shift.cpp with 100% similarity]
modules/cudaimgproc/src/mssegmentation.cpp [moved from modules/gpuimgproc/src/mssegmentation.cpp with 100% similarity]
modules/cudaimgproc/src/precomp.cpp [moved from modules/gpuimgproc/src/precomp.cpp with 100% similarity]
modules/cudaimgproc/src/precomp.hpp [moved from modules/gpuimgproc/src/precomp.hpp with 98% similarity]
modules/cudaimgproc/test/test_bilateral_filter.cpp [moved from modules/gpuimgproc/test/test_bilateral_filter.cpp with 100% similarity]
modules/cudaimgproc/test/test_blend.cpp [moved from modules/gpuimgproc/test/test_blend.cpp with 100% similarity]
modules/cudaimgproc/test/test_canny.cpp [moved from modules/gpuimgproc/test/test_canny.cpp with 100% similarity]
modules/cudaimgproc/test/test_color.cpp [moved from modules/gpuimgproc/test/test_color.cpp with 100% similarity]
modules/cudaimgproc/test/test_corners.cpp [moved from modules/gpuimgproc/test/test_corners.cpp with 100% similarity]
modules/cudaimgproc/test/test_gftt.cpp [moved from modules/gpuimgproc/test/test_gftt.cpp with 100% similarity]
modules/cudaimgproc/test/test_histogram.cpp [moved from modules/gpuimgproc/test/test_histogram.cpp with 100% similarity]
modules/cudaimgproc/test/test_hough.cpp [moved from modules/gpuimgproc/test/test_hough.cpp with 100% similarity]
modules/cudaimgproc/test/test_main.cpp [moved from modules/gpuimgproc/test/test_main.cpp with 100% similarity]
modules/cudaimgproc/test/test_match_template.cpp [moved from modules/gpuimgproc/test/test_match_template.cpp with 100% similarity]
modules/cudaimgproc/test/test_mean_shift.cpp [moved from modules/gpuimgproc/test/test_mean_shift.cpp with 100% similarity]
modules/cudaimgproc/test/test_precomp.cpp [moved from modules/gpuimgproc/test/test_precomp.cpp with 100% similarity]
modules/cudaimgproc/test/test_precomp.hpp [moved from modules/gpuimgproc/test/test_precomp.hpp with 98% similarity]
modules/gpubgsegm/CMakeLists.txt
modules/gpubgsegm/perf/perf_bgsegm.cpp
modules/gpubgsegm/src/fgd.cpp
modules/gpubgsegm/src/precomp.hpp
modules/gpuimgproc/CMakeLists.txt [deleted file]
modules/gpuoptflow/CMakeLists.txt
modules/gpuoptflow/src/precomp.hpp
modules/photo/CMakeLists.txt
modules/photo/perf/perf_gpu.cpp
modules/photo/src/denoising_gpu.cpp
modules/photo/test/test_denoising_gpu.cpp
modules/superres/CMakeLists.txt
modules/superres/src/input_array_utility.cpp
modules/superres/src/precomp.hpp
modules/videostab/include/opencv2/videostab/global_motion.hpp
modules/videostab/src/global_motion.cpp
samples/cpp/CMakeLists.txt
samples/cpp/videostab.cpp
samples/gpu/CMakeLists.txt
samples/gpu/alpha_comp.cpp
samples/gpu/cascadeclassifier.cpp
samples/gpu/generalized_hough.cpp
samples/gpu/houghlines.cpp
samples/gpu/morphology.cpp
samples/gpu/performance/tests.cpp
samples/gpu/pyrlk_optical_flow.cpp

diff --git a/modules/cudaimgproc/CMakeLists.txt b/modules/cudaimgproc/CMakeLists.txt
new file mode 100644 (file)
index 0000000..bfb8f35
--- /dev/null
@@ -0,0 +1,9 @@
+if(ANDROID OR IOS)
+  ocv_module_disable(cudaimgproc)
+endif()
+
+set(the_description "CUDA-accelerated Image Processing")
+
+ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4100 /wd4324 /wd4512 /wd4515 -Wundef -Wmissing-declarations -Wshadow -Wunused-parameter)
+
+ocv_define_module(cudaimgproc opencv_imgproc OPTIONAL opencv_cudaarithm opencv_cudafilters)
 //
 //M*/
 
-#ifndef __OPENCV_GPUIMGPROC_HPP__
-#define __OPENCV_GPUIMGPROC_HPP__
+#ifndef __OPENCV_CUDAIMGPROC_HPP__
+#define __OPENCV_CUDAIMGPROC_HPP__
 
 #ifndef __cplusplus
-#  error gpuimgproc.hpp header must be compiled as C++
+#  error cudaimgproc.hpp header must be compiled as C++
 #endif
 
 #include "opencv2/core/cuda.hpp"
@@ -359,4 +359,4 @@ CV_EXPORTS void blendLinear(InputArray img1, InputArray img2, InputArray weights
 
 }} // namespace cv { namespace cuda {
 
-#endif /* __OPENCV_GPUIMGPROC_HPP__ */
+#endif /* __OPENCV_CUDAIMGPROC_HPP__ */
similarity index 98%
rename from modules/gpuimgproc/perf/perf_main.cpp
rename to modules/cudaimgproc/perf/perf_main.cpp
index 8eb27a2..11a1651 100644 (file)
@@ -44,4 +44,4 @@
 
 using namespace perf;
 
-CV_PERF_TEST_CUDA_MAIN(gpuimgproc)
+CV_PERF_TEST_CUDA_MAIN(cudaimgproc)
similarity index 98%
rename from modules/gpuimgproc/perf/perf_precomp.hpp
rename to modules/cudaimgproc/perf/perf_precomp.hpp
index adaa4eb..1aa6f8f 100644 (file)
@@ -54,7 +54,7 @@
 #include "opencv2/ts.hpp"
 #include "opencv2/ts/gpu_perf.hpp"
 
-#include "opencv2/gpuimgproc.hpp"
+#include "opencv2/cudaimgproc.hpp"
 #include "opencv2/imgproc.hpp"
 
 #ifdef GTEST_CREATE_SHARED_LIBRARY
similarity index 98%
rename from modules/gpuimgproc/src/precomp.hpp
rename to modules/cudaimgproc/src/precomp.hpp
index 093cd24..c31d6a3 100644 (file)
@@ -43,7 +43,7 @@
 #ifndef __OPENCV_PRECOMP_H__
 #define __OPENCV_PRECOMP_H__
 
-#include "opencv2/gpuimgproc.hpp"
+#include "opencv2/cudaimgproc.hpp"
 
 #include "opencv2/core/utility.hpp"
 #include "opencv2/core/private.hpp"
similarity index 98%
rename from modules/gpuimgproc/test/test_precomp.hpp
rename to modules/cudaimgproc/test/test_precomp.hpp
index 7a8b1cb..a1acbd3 100644 (file)
@@ -54,7 +54,7 @@
 #include "opencv2/ts.hpp"
 #include "opencv2/ts/gpu_test.hpp"
 
-#include "opencv2/gpuimgproc.hpp"
+#include "opencv2/cudaimgproc.hpp"
 #include "opencv2/imgproc.hpp"
 
 #include "cvconfig.h"
index c265be9..329bf14 100644 (file)
@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Background Segmentation")
 
 ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4324 /wd4512 -Wundef -Wmissing-declarations)
 
-ocv_define_module(gpubgsegm opencv_video OPTIONAL opencv_legacy opencv_imgproc opencv_cudaarithm opencv_cudafilters opencv_gpuimgproc)
+ocv_define_module(gpubgsegm opencv_video OPTIONAL opencv_legacy opencv_imgproc opencv_cudaarithm opencv_cudafilters opencv_cudaimgproc)
index f6b59a3..fbd7191 100644 (file)
@@ -46,8 +46,8 @@
 #  include "opencv2/legacy.hpp"
 #endif
 
-#ifdef HAVE_OPENCV_GPUIMGPROC
-#  include "opencv2/gpuimgproc.hpp"
+#ifdef HAVE_OPENCV_CUDAIMGPROC
+#  include "opencv2/cudaimgproc.hpp"
 #endif
 
 using namespace std;
@@ -121,7 +121,7 @@ PERF_TEST_P(Video, FGDStatModel,
 
         GPU_SANITY_CHECK(foreground, 1e-2, ERROR_RELATIVE);
 
-#ifdef HAVE_OPENCV_GPUIMGPROC
+#ifdef HAVE_OPENCV_CUDAIMGPROC
         cv::cuda::GpuMat background3, background;
         d_fgd->getBackgroundImage(background3);
         cv::cuda::cvtColor(background3, background, cv::COLOR_BGR2BGRA);
index e46216a..46abf61 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;
 using namespace cv::cuda;
 
-#if !defined(HAVE_CUDA) || defined(CUDA_DISABLER) || !defined(HAVE_OPENCV_IMGPROC) || !defined(HAVE_OPENCV_CUDAARITHM) || !defined(HAVE_OPENCV_GPUIMGPROC)
+#if !defined(HAVE_CUDA) || defined(CUDA_DISABLER) || !defined(HAVE_OPENCV_IMGPROC) || !defined(HAVE_OPENCV_CUDAARITHM) || !defined(HAVE_OPENCV_CUDAIMGPROC)
 
 cv::cuda::FGDParams::FGDParams() { throw_no_cuda(); }
 
index 666fa75..469f543 100644 (file)
@@ -59,8 +59,8 @@
 #  include "opencv2/cudafilters.hpp"
 #endif
 
-#ifdef HAVE_OPENCV_GPUIMGPROC
-#  include "opencv2/gpuimgproc.hpp"
+#ifdef HAVE_OPENCV_CUDAIMGPROC
+#  include "opencv2/cudaimgproc.hpp"
 #endif
 
 #endif /* __OPENCV_PRECOMP_H__ */
diff --git a/modules/gpuimgproc/CMakeLists.txt b/modules/gpuimgproc/CMakeLists.txt
deleted file mode 100644 (file)
index b16345a..0000000
+++ /dev/null
@@ -1,9 +0,0 @@
-if(ANDROID OR IOS)
-  ocv_module_disable(gpuimgproc)
-endif()
-
-set(the_description "GPU-accelerated Image Processing")
-
-ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4100 /wd4324 /wd4512 /wd4515 -Wundef -Wmissing-declarations -Wshadow -Wunused-parameter)
-
-ocv_define_module(gpuimgproc opencv_imgproc OPTIONAL opencv_cudaarithm opencv_cudafilters)
index 2d9ac3e..4bd3631 100644 (file)
@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Optical Flow")
 
 ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4324 /wd4512 -Wundef -Wmissing-declarations)
 
-ocv_define_module(gpuoptflow opencv_video opencv_legacy opencv_cudaarithm opencv_cudawarping opencv_gpuimgproc OPTIONAL opencv_cudalegacy)
+ocv_define_module(gpuoptflow opencv_video opencv_legacy opencv_cudaarithm opencv_cudawarping opencv_cudaimgproc OPTIONAL opencv_cudalegacy)
index a0a03f7..6eb7840 100644 (file)
@@ -48,7 +48,7 @@
 #include "opencv2/gpuoptflow.hpp"
 #include "opencv2/cudaarithm.hpp"
 #include "opencv2/cudawarping.hpp"
-#include "opencv2/gpuimgproc.hpp"
+#include "opencv2/cudaimgproc.hpp"
 #include "opencv2/video.hpp"
 
 #include "opencv2/core/private.cuda.hpp"
index ad04f0a..4694a8e 100644 (file)
@@ -4,4 +4,4 @@ if(HAVE_CUDA)
   ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations)
 endif()
 
-ocv_define_module(photo opencv_imgproc OPTIONAL opencv_cudaarithm opencv_gpuimgproc)
+ocv_define_module(photo opencv_imgproc OPTIONAL opencv_cudaarithm opencv_cudaimgproc)
index 9ad29c4..db44678 100644 (file)
@@ -47,7 +47,7 @@
 
 #include "opencv2/opencv_modules.hpp"
 
-#if defined (HAVE_CUDA) && defined(HAVE_OPENCV_CUDAARITHM) && defined(HAVE_OPENCV_GPUIMGPROC)
+#if defined (HAVE_CUDA) && defined(HAVE_OPENCV_CUDAARITHM) && defined(HAVE_OPENCV_CUDAIMGPROC)
 
 using namespace std;
 using namespace testing;
index 13167d1..2d6406a 100644 (file)
 #  include "opencv2/cudaarithm.hpp"
 #endif
 
-#ifdef HAVE_OPENCV_GPUIMGPROC
-#  include "opencv2/gpuimgproc.hpp"
+#ifdef HAVE_OPENCV_CUDAIMGPROC
+#  include "opencv2/cudaimgproc.hpp"
 #endif
 
 using namespace cv;
 using namespace cv::cuda;
 
-#if !defined (HAVE_CUDA) || !defined(HAVE_OPENCV_CUDAARITHM) || !defined(HAVE_OPENCV_GPUIMGPROC)
+#if !defined (HAVE_CUDA) || !defined(HAVE_OPENCV_CUDAARITHM) || !defined(HAVE_OPENCV_CUDAIMGPROC)
 
 void cv::cuda::nonLocalMeans(const GpuMat&, GpuMat&, float, int, int, int, Stream&) { throw_no_cuda(); }
 void cv::cuda::FastNonLocalMeansDenoising::simpleMethod(const GpuMat&, GpuMat&, float, int, int, Stream&) { throw_no_cuda(); }
index b9363cd..b5f025d 100644 (file)
@@ -48,7 +48,7 @@
 #include "opencv2/opencv_modules.hpp"
 #include "cvconfig.h"
 
-#if defined (HAVE_CUDA) && defined(HAVE_OPENCV_CUDAARITHM) && defined(HAVE_OPENCV_GPUIMGPROC)
+#if defined (HAVE_CUDA) && defined(HAVE_OPENCV_CUDAARITHM) && defined(HAVE_OPENCV_CUDAIMGPROC)
 
 using namespace cvtest;
 
index 97760f8..aec0ae1 100644 (file)
@@ -6,4 +6,4 @@ set(the_description "Super Resolution")
 ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 -Wundef)
 ocv_define_module(superres opencv_imgproc opencv_video
                   OPTIONAL opencv_highgui opencv_ocl
-                  opencv_cudaarithm opencv_cudafilters opencv_cudawarping opencv_gpuimgproc opencv_gpuoptflow opencv_cudacodec)
+                  opencv_cudaarithm opencv_cudafilters opencv_cudawarping opencv_cudaimgproc opencv_gpuoptflow opencv_cudacodec)
index 2027eb6..5b87267 100644 (file)
@@ -190,7 +190,7 @@ namespace
         switch (src.kind())
         {
         case _InputArray::GPU_MAT:
-            #ifdef HAVE_OPENCV_GPUIMGPROC
+            #ifdef HAVE_OPENCV_CUDAIMGPROC
                 cuda::cvtColor(src.getGpuMat(), dst.getGpuMatRef(), code, cn);
             #else
                 CV_Error(cv::Error::StsNotImplemented, "The called functionality is disabled for current build or platform");
index 7d14d85..7b0d070 100644 (file)
@@ -69,8 +69,8 @@
 #  include "opencv2/cudafilters.hpp"
 #endif
 
-#ifdef HAVE_OPENCV_GPUIMGPROC
-#  include "opencv2/gpuimgproc.hpp"
+#ifdef HAVE_OPENCV_CUDAIMGPROC
+#  include "opencv2/cudaimgproc.hpp"
 #endif
 
 #ifdef HAVE_OPENCV_GPUOPTFLOW
index d7cb274..3f26739 100644 (file)
@@ -52,8 +52,8 @@
 #include "opencv2/videostab/motion_core.hpp"
 #include "opencv2/videostab/outlier_rejection.hpp"
 
-#ifdef HAVE_OPENCV_GPUIMGPROC
-#  include "opencv2/gpuimgproc.hpp"
+#ifdef HAVE_OPENCV_CUDAIMGPROC
+#  include "opencv2/cudaimgproc.hpp"
 #endif
 
 namespace cv
@@ -199,7 +199,7 @@ private:
     std::vector<Point2f> pointsPrevGood_, pointsGood_;
 };
 
-#if defined(HAVE_OPENCV_GPUIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
+#if defined(HAVE_OPENCV_CUDAIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
 
 class CV_EXPORTS KeypointBasedMotionEstimatorGpu : public ImageMotionEstimatorBase
 {
@@ -230,7 +230,7 @@ private:
     std::vector<uchar> rejectionStatus_;
 };
 
-#endif // defined(HAVE_OPENCV_GPUIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
+#endif // defined(HAVE_OPENCV_CUDAIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
 
 CV_EXPORTS Mat getMotion(int from, int to, const std::vector<Mat> &motions);
 
index 839e7c4..620d8df 100644 (file)
@@ -737,7 +737,7 @@ Mat KeypointBasedMotionEstimator::estimate(const Mat &frame0, const Mat &frame1,
 }
 
 
-#if defined(HAVE_OPENCV_GPUIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
+#if defined(HAVE_OPENCV_CUDAIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
 
 KeypointBasedMotionEstimatorGpu::KeypointBasedMotionEstimatorGpu(Ptr<MotionEstimatorBase> estimator)
     : ImageMotionEstimatorBase(estimator->motionModel()), motionEstimator_(estimator)
@@ -812,7 +812,7 @@ Mat KeypointBasedMotionEstimatorGpu::estimate(const cuda::GpuMat &frame0, const
     return motionEstimator_->estimate(hostPointsPrev_, hostPoints_, ok);
 }
 
-#endif // defined(HAVE_OPENCV_GPUIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
+#endif // defined(HAVE_OPENCV_CUDAIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
 
 
 Mat getMotion(int from, int to, const std::vector<Mat> &motions)
index 279eafe..5f838ca 100644 (file)
@@ -19,8 +19,8 @@ if(BUILD_EXAMPLES AND OCV_DEPENDENCIES_FOUND)
   if(HAVE_opencv_gpuoptflow)
     ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/gpuoptflow/include")
   endif()
-  if(HAVE_opencv_gpuimgproc)
-    ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/gpuimgproc/include")
+  if(HAVE_opencv_cudaimgproc)
+    ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/cudaimgproc/include")
   endif()
   if(HAVE_opencv_cudaarithm)
     ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/cudaarithm/include")
index f8f21dd..0392ef5 100644 (file)
@@ -216,7 +216,7 @@ public:
             outlierRejector = tblor;
         }
 
-#if defined(HAVE_OPENCV_GPUIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
+#if defined(HAVE_OPENCV_CUDAIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
         if (gpu)
         {
             KeypointBasedMotionEstimatorGpu *kbest = new KeypointBasedMotionEstimatorGpu(est);
@@ -257,7 +257,7 @@ public:
             outlierRejector = tblor;
         }
 
-#if defined(HAVE_OPENCV_GPUIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
+#if defined(HAVE_OPENCV_CUDAIMGPROC) && defined(HAVE_OPENCV_GPU) && defined(HAVE_OPENCV_GPUOPTFLOW)
         if (gpu)
         {
             KeypointBasedMotionEstimatorGpu *kbest = new KeypointBasedMotionEstimatorGpu(est);
index ece15d5..1116a8f 100644 (file)
@@ -2,7 +2,7 @@ SET(OPENCV_GPU_SAMPLES_REQUIRED_DEPS opencv_core opencv_flann opencv_imgproc ope
                                      opencv_ml opencv_video opencv_objdetect opencv_features2d
                                      opencv_calib3d opencv_legacy opencv_contrib opencv_gpu
                                      opencv_nonfree opencv_softcascade opencv_superres
-                                     opencv_cudaarithm opencv_cudafilters opencv_cudawarping opencv_gpuimgproc
+                                     opencv_cudaarithm opencv_cudafilters opencv_cudawarping opencv_cudaimgproc
                                      opencv_gpufeatures2d opencv_gpuoptflow opencv_gpubgsegm
                                      opencv_cudastereo opencv_cudalegacy)
 
index a59f559..816c0a7 100644 (file)
@@ -2,7 +2,7 @@
 
 #include "opencv2/core/opengl.hpp"
 #include "opencv2/highgui/highgui.hpp"
-#include "opencv2/gpuimgproc.hpp"
+#include "opencv2/cudaimgproc.hpp"
 
 using namespace std;
 using namespace cv;
index 34d317c..1419632 100644 (file)
@@ -11,7 +11,7 @@
 #include "opencv2/highgui/highgui.hpp"
 #include "opencv2/imgproc/imgproc.hpp"
 #include "opencv2/gpu.hpp"
-#include "opencv2/gpuimgproc.hpp"
+#include "opencv2/cudaimgproc.hpp"
 #include "opencv2/cudawarping.hpp"
 
 using namespace std;
index ff91c7c..6803bf9 100644 (file)
@@ -5,7 +5,7 @@
 #include "opencv2/core.hpp"
 #include "opencv2/core/utility.hpp"
 #include "opencv2/imgproc.hpp"
-#include "opencv2/gpuimgproc.hpp"
+#include "opencv2/cudaimgproc.hpp"
 #include "opencv2/highgui.hpp"
 #include "opencv2/contrib.hpp"
 
index a789fd1..29dc69c 100644 (file)
@@ -5,7 +5,7 @@
 #include <opencv2/core/utility.hpp>
 #include "opencv2/highgui.hpp"
 #include "opencv2/imgproc.hpp"
-#include "opencv2/gpuimgproc.hpp"
+#include "opencv2/cudaimgproc.hpp"
 
 using namespace std;
 using namespace cv;
index 5261e06..c6a64a1 100644 (file)
@@ -3,7 +3,7 @@
 #include "opencv2/imgproc.hpp"
 #include "opencv2/highgui.hpp"
 #include "opencv2/cudafilters.hpp"
-#include "opencv2/gpuimgproc.hpp"
+#include "opencv2/cudaimgproc.hpp"
 
 using namespace std;
 using namespace cv;
index 42c91f1..df0d65a 100644 (file)
@@ -4,7 +4,7 @@
 #include "opencv2/calib3d.hpp"
 #include "opencv2/video.hpp"
 #include "opencv2/gpu.hpp"
-#include "opencv2/gpuimgproc.hpp"
+#include "opencv2/cudaimgproc.hpp"
 #include "opencv2/cudaarithm.hpp"
 #include "opencv2/cudawarping.hpp"
 #include "opencv2/gpufeatures2d.hpp"
index a7ac194..a1f22b3 100644 (file)
@@ -7,7 +7,7 @@
 #include "opencv2/highgui.hpp"
 #include "opencv2/video.hpp"
 #include "opencv2/gpuoptflow.hpp"
-#include "opencv2/gpuimgproc.hpp"
+#include "opencv2/cudaimgproc.hpp"
 
 using namespace std;
 using namespace cv;