Commit a0ae602b authored by Vladislav Vinogradov's avatar Vladislav Vinogradov

renamed gpuimgproc -> cudaimgproc

parent 219b6621
if(ANDROID OR IOS) if(ANDROID OR IOS)
ocv_module_disable(gpuimgproc) ocv_module_disable(cudaimgproc)
endif() endif()
set(the_description "GPU-accelerated Image Processing") 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_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) ocv_define_module(cudaimgproc opencv_imgproc OPTIONAL opencv_cudaarithm opencv_cudafilters)
...@@ -40,11 +40,11 @@ ...@@ -40,11 +40,11 @@
// //
//M*/ //M*/
#ifndef __OPENCV_GPUIMGPROC_HPP__ #ifndef __OPENCV_CUDAIMGPROC_HPP__
#define __OPENCV_GPUIMGPROC_HPP__ #define __OPENCV_CUDAIMGPROC_HPP__
#ifndef __cplusplus #ifndef __cplusplus
# error gpuimgproc.hpp header must be compiled as C++ # error cudaimgproc.hpp header must be compiled as C++
#endif #endif
#include "opencv2/core/cuda.hpp" #include "opencv2/core/cuda.hpp"
...@@ -359,4 +359,4 @@ CV_EXPORTS void blendLinear(InputArray img1, InputArray img2, InputArray weights ...@@ -359,4 +359,4 @@ CV_EXPORTS void blendLinear(InputArray img1, InputArray img2, InputArray weights
}} // namespace cv { namespace cuda { }} // namespace cv { namespace cuda {
#endif /* __OPENCV_GPUIMGPROC_HPP__ */ #endif /* __OPENCV_CUDAIMGPROC_HPP__ */
...@@ -44,4 +44,4 @@ ...@@ -44,4 +44,4 @@
using namespace perf; using namespace perf;
CV_PERF_TEST_CUDA_MAIN(gpuimgproc) CV_PERF_TEST_CUDA_MAIN(cudaimgproc)
...@@ -54,7 +54,7 @@ ...@@ -54,7 +54,7 @@
#include "opencv2/ts.hpp" #include "opencv2/ts.hpp"
#include "opencv2/ts/gpu_perf.hpp" #include "opencv2/ts/gpu_perf.hpp"
#include "opencv2/gpuimgproc.hpp" #include "opencv2/cudaimgproc.hpp"
#include "opencv2/imgproc.hpp" #include "opencv2/imgproc.hpp"
#ifdef GTEST_CREATE_SHARED_LIBRARY #ifdef GTEST_CREATE_SHARED_LIBRARY
......
...@@ -43,7 +43,7 @@ ...@@ -43,7 +43,7 @@
#ifndef __OPENCV_PRECOMP_H__ #ifndef __OPENCV_PRECOMP_H__
#define __OPENCV_PRECOMP_H__ #define __OPENCV_PRECOMP_H__
#include "opencv2/gpuimgproc.hpp" #include "opencv2/cudaimgproc.hpp"
#include "opencv2/core/utility.hpp" #include "opencv2/core/utility.hpp"
#include "opencv2/core/private.hpp" #include "opencv2/core/private.hpp"
......
...@@ -54,7 +54,7 @@ ...@@ -54,7 +54,7 @@
#include "opencv2/ts.hpp" #include "opencv2/ts.hpp"
#include "opencv2/ts/gpu_test.hpp" #include "opencv2/ts/gpu_test.hpp"
#include "opencv2/gpuimgproc.hpp" #include "opencv2/cudaimgproc.hpp"
#include "opencv2/imgproc.hpp" #include "opencv2/imgproc.hpp"
#include "cvconfig.h" #include "cvconfig.h"
......
...@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Background Segmentation") ...@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Background Segmentation")
ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4324 /wd4512 -Wundef -Wmissing-declarations) 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)
...@@ -46,8 +46,8 @@ ...@@ -46,8 +46,8 @@
# include "opencv2/legacy.hpp" # include "opencv2/legacy.hpp"
#endif #endif
#ifdef HAVE_OPENCV_GPUIMGPROC #ifdef HAVE_OPENCV_CUDAIMGPROC
# include "opencv2/gpuimgproc.hpp" # include "opencv2/cudaimgproc.hpp"
#endif #endif
using namespace std; using namespace std;
...@@ -121,7 +121,7 @@ PERF_TEST_P(Video, FGDStatModel, ...@@ -121,7 +121,7 @@ PERF_TEST_P(Video, FGDStatModel,
GPU_SANITY_CHECK(foreground, 1e-2, ERROR_RELATIVE); GPU_SANITY_CHECK(foreground, 1e-2, ERROR_RELATIVE);
#ifdef HAVE_OPENCV_GPUIMGPROC #ifdef HAVE_OPENCV_CUDAIMGPROC
cv::cuda::GpuMat background3, background; cv::cuda::GpuMat background3, background;
d_fgd->getBackgroundImage(background3); d_fgd->getBackgroundImage(background3);
cv::cuda::cvtColor(background3, background, cv::COLOR_BGR2BGRA); cv::cuda::cvtColor(background3, background, cv::COLOR_BGR2BGRA);
......
...@@ -45,7 +45,7 @@ ...@@ -45,7 +45,7 @@
using namespace cv; using namespace cv;
using namespace cv::cuda; 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(); } cv::cuda::FGDParams::FGDParams() { throw_no_cuda(); }
......
...@@ -59,8 +59,8 @@ ...@@ -59,8 +59,8 @@
# include "opencv2/cudafilters.hpp" # include "opencv2/cudafilters.hpp"
#endif #endif
#ifdef HAVE_OPENCV_GPUIMGPROC #ifdef HAVE_OPENCV_CUDAIMGPROC
# include "opencv2/gpuimgproc.hpp" # include "opencv2/cudaimgproc.hpp"
#endif #endif
#endif /* __OPENCV_PRECOMP_H__ */ #endif /* __OPENCV_PRECOMP_H__ */
...@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Optical Flow") ...@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Optical Flow")
ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4324 /wd4512 -Wundef -Wmissing-declarations) 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)
...@@ -48,7 +48,7 @@ ...@@ -48,7 +48,7 @@
#include "opencv2/gpuoptflow.hpp" #include "opencv2/gpuoptflow.hpp"
#include "opencv2/cudaarithm.hpp" #include "opencv2/cudaarithm.hpp"
#include "opencv2/cudawarping.hpp" #include "opencv2/cudawarping.hpp"
#include "opencv2/gpuimgproc.hpp" #include "opencv2/cudaimgproc.hpp"
#include "opencv2/video.hpp" #include "opencv2/video.hpp"
#include "opencv2/core/private.cuda.hpp" #include "opencv2/core/private.cuda.hpp"
......
...@@ -4,4 +4,4 @@ if(HAVE_CUDA) ...@@ -4,4 +4,4 @@ if(HAVE_CUDA)
ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations) ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations)
endif() endif()
ocv_define_module(photo opencv_imgproc OPTIONAL opencv_cudaarithm opencv_gpuimgproc) ocv_define_module(photo opencv_imgproc OPTIONAL opencv_cudaarithm opencv_cudaimgproc)
...@@ -47,7 +47,7 @@ ...@@ -47,7 +47,7 @@
#include "opencv2/opencv_modules.hpp" #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 std;
using namespace testing; using namespace testing;
......
...@@ -51,14 +51,14 @@ ...@@ -51,14 +51,14 @@
# include "opencv2/cudaarithm.hpp" # include "opencv2/cudaarithm.hpp"
#endif #endif
#ifdef HAVE_OPENCV_GPUIMGPROC #ifdef HAVE_OPENCV_CUDAIMGPROC
# include "opencv2/gpuimgproc.hpp" # include "opencv2/cudaimgproc.hpp"
#endif #endif
using namespace cv; using namespace cv;
using namespace cv::cuda; 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::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(); } void cv::cuda::FastNonLocalMeansDenoising::simpleMethod(const GpuMat&, GpuMat&, float, int, int, Stream&) { throw_no_cuda(); }
......
...@@ -48,7 +48,7 @@ ...@@ -48,7 +48,7 @@
#include "opencv2/opencv_modules.hpp" #include "opencv2/opencv_modules.hpp"
#include "cvconfig.h" #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; using namespace cvtest;
......
...@@ -6,4 +6,4 @@ set(the_description "Super Resolution") ...@@ -6,4 +6,4 @@ set(the_description "Super Resolution")
ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 -Wundef) ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 -Wundef)
ocv_define_module(superres opencv_imgproc opencv_video ocv_define_module(superres opencv_imgproc opencv_video
OPTIONAL opencv_highgui opencv_ocl 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)
...@@ -190,7 +190,7 @@ namespace ...@@ -190,7 +190,7 @@ namespace
switch (src.kind()) switch (src.kind())
{ {
case _InputArray::GPU_MAT: case _InputArray::GPU_MAT:
#ifdef HAVE_OPENCV_GPUIMGPROC #ifdef HAVE_OPENCV_CUDAIMGPROC
cuda::cvtColor(src.getGpuMat(), dst.getGpuMatRef(), code, cn); cuda::cvtColor(src.getGpuMat(), dst.getGpuMatRef(), code, cn);
#else #else
CV_Error(cv::Error::StsNotImplemented, "The called functionality is disabled for current build or platform"); CV_Error(cv::Error::StsNotImplemented, "The called functionality is disabled for current build or platform");
......
...@@ -69,8 +69,8 @@ ...@@ -69,8 +69,8 @@
# include "opencv2/cudafilters.hpp" # include "opencv2/cudafilters.hpp"
#endif #endif
#ifdef HAVE_OPENCV_GPUIMGPROC #ifdef HAVE_OPENCV_CUDAIMGPROC
# include "opencv2/gpuimgproc.hpp" # include "opencv2/cudaimgproc.hpp"
#endif #endif
#ifdef HAVE_OPENCV_GPUOPTFLOW #ifdef HAVE_OPENCV_GPUOPTFLOW
......
...@@ -52,8 +52,8 @@ ...@@ -52,8 +52,8 @@
#include "opencv2/videostab/motion_core.hpp" #include "opencv2/videostab/motion_core.hpp"
#include "opencv2/videostab/outlier_rejection.hpp" #include "opencv2/videostab/outlier_rejection.hpp"
#ifdef HAVE_OPENCV_GPUIMGPROC #ifdef HAVE_OPENCV_CUDAIMGPROC
# include "opencv2/gpuimgproc.hpp" # include "opencv2/cudaimgproc.hpp"
#endif #endif
namespace cv namespace cv
...@@ -199,7 +199,7 @@ private: ...@@ -199,7 +199,7 @@ private:
std::vector<Point2f> pointsPrevGood_, pointsGood_; 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 class CV_EXPORTS KeypointBasedMotionEstimatorGpu : public ImageMotionEstimatorBase
{ {
...@@ -230,7 +230,7 @@ private: ...@@ -230,7 +230,7 @@ private:
std::vector<uchar> rejectionStatus_; 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); CV_EXPORTS Mat getMotion(int from, int to, const std::vector<Mat> &motions);
......
...@@ -737,7 +737,7 @@ Mat KeypointBasedMotionEstimator::estimate(const Mat &frame0, const Mat &frame1, ...@@ -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) KeypointBasedMotionEstimatorGpu::KeypointBasedMotionEstimatorGpu(Ptr<MotionEstimatorBase> estimator)
: ImageMotionEstimatorBase(estimator->motionModel()), motionEstimator_(estimator) : ImageMotionEstimatorBase(estimator->motionModel()), motionEstimator_(estimator)
...@@ -812,7 +812,7 @@ Mat KeypointBasedMotionEstimatorGpu::estimate(const cuda::GpuMat &frame0, const ...@@ -812,7 +812,7 @@ Mat KeypointBasedMotionEstimatorGpu::estimate(const cuda::GpuMat &frame0, const
return motionEstimator_->estimate(hostPointsPrev_, hostPoints_, ok); 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) Mat getMotion(int from, int to, const std::vector<Mat> &motions)
......
...@@ -19,8 +19,8 @@ if(BUILD_EXAMPLES AND OCV_DEPENDENCIES_FOUND) ...@@ -19,8 +19,8 @@ if(BUILD_EXAMPLES AND OCV_DEPENDENCIES_FOUND)
if(HAVE_opencv_gpuoptflow) if(HAVE_opencv_gpuoptflow)
ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/gpuoptflow/include") ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/gpuoptflow/include")
endif() endif()
if(HAVE_opencv_gpuimgproc) if(HAVE_opencv_cudaimgproc)
ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/gpuimgproc/include") ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/cudaimgproc/include")
endif() endif()
if(HAVE_opencv_cudaarithm) if(HAVE_opencv_cudaarithm)
ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/cudaarithm/include") ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/cudaarithm/include")
......
...@@ -216,7 +216,7 @@ public: ...@@ -216,7 +216,7 @@ public:
outlierRejector = tblor; 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) if (gpu)
{ {
KeypointBasedMotionEstimatorGpu *kbest = new KeypointBasedMotionEstimatorGpu(est); KeypointBasedMotionEstimatorGpu *kbest = new KeypointBasedMotionEstimatorGpu(est);
...@@ -257,7 +257,7 @@ public: ...@@ -257,7 +257,7 @@ public:
outlierRejector = tblor; 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) if (gpu)
{ {
KeypointBasedMotionEstimatorGpu *kbest = new KeypointBasedMotionEstimatorGpu(est); KeypointBasedMotionEstimatorGpu *kbest = new KeypointBasedMotionEstimatorGpu(est);
......
...@@ -2,7 +2,7 @@ SET(OPENCV_GPU_SAMPLES_REQUIRED_DEPS opencv_core opencv_flann opencv_imgproc ope ...@@ -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_ml opencv_video opencv_objdetect opencv_features2d
opencv_calib3d opencv_legacy opencv_contrib opencv_gpu opencv_calib3d opencv_legacy opencv_contrib opencv_gpu
opencv_nonfree opencv_softcascade opencv_superres 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_gpufeatures2d opencv_gpuoptflow opencv_gpubgsegm
opencv_cudastereo opencv_cudalegacy) opencv_cudastereo opencv_cudalegacy)
......
...@@ -2,7 +2,7 @@ ...@@ -2,7 +2,7 @@
#include "opencv2/core/opengl.hpp" #include "opencv2/core/opengl.hpp"
#include "opencv2/highgui/highgui.hpp" #include "opencv2/highgui/highgui.hpp"
#include "opencv2/gpuimgproc.hpp" #include "opencv2/cudaimgproc.hpp"
using namespace std; using namespace std;
using namespace cv; using namespace cv;
......
...@@ -11,7 +11,7 @@ ...@@ -11,7 +11,7 @@
#include "opencv2/highgui/highgui.hpp" #include "opencv2/highgui/highgui.hpp"
#include "opencv2/imgproc/imgproc.hpp" #include "opencv2/imgproc/imgproc.hpp"
#include "opencv2/gpu.hpp" #include "opencv2/gpu.hpp"
#include "opencv2/gpuimgproc.hpp" #include "opencv2/cudaimgproc.hpp"
#include "opencv2/cudawarping.hpp" #include "opencv2/cudawarping.hpp"
using namespace std; using namespace std;
......
...@@ -5,7 +5,7 @@ ...@@ -5,7 +5,7 @@
#include "opencv2/core.hpp" #include "opencv2/core.hpp"
#include "opencv2/core/utility.hpp" #include "opencv2/core/utility.hpp"
#include "opencv2/imgproc.hpp" #include "opencv2/imgproc.hpp"
#include "opencv2/gpuimgproc.hpp" #include "opencv2/cudaimgproc.hpp"
#include "opencv2/highgui.hpp" #include "opencv2/highgui.hpp"
#include "opencv2/contrib.hpp" #include "opencv2/contrib.hpp"
......
...@@ -5,7 +5,7 @@ ...@@ -5,7 +5,7 @@
#include <opencv2/core/utility.hpp> #include <opencv2/core/utility.hpp>
#include "opencv2/highgui.hpp" #include "opencv2/highgui.hpp"
#include "opencv2/imgproc.hpp" #include "opencv2/imgproc.hpp"
#include "opencv2/gpuimgproc.hpp" #include "opencv2/cudaimgproc.hpp"
using namespace std; using namespace std;
using namespace cv; using namespace cv;
......
...@@ -3,7 +3,7 @@ ...@@ -3,7 +3,7 @@
#include "opencv2/imgproc.hpp" #include "opencv2/imgproc.hpp"
#include "opencv2/highgui.hpp" #include "opencv2/highgui.hpp"
#include "opencv2/cudafilters.hpp" #include "opencv2/cudafilters.hpp"
#include "opencv2/gpuimgproc.hpp" #include "opencv2/cudaimgproc.hpp"
using namespace std; using namespace std;
using namespace cv; using namespace cv;
......
...@@ -4,7 +4,7 @@ ...@@ -4,7 +4,7 @@
#include "opencv2/calib3d.hpp" #include "opencv2/calib3d.hpp"
#include "opencv2/video.hpp" #include "opencv2/video.hpp"
#include "opencv2/gpu.hpp" #include "opencv2/gpu.hpp"
#include "opencv2/gpuimgproc.hpp" #include "opencv2/cudaimgproc.hpp"
#include "opencv2/cudaarithm.hpp" #include "opencv2/cudaarithm.hpp"
#include "opencv2/cudawarping.hpp" #include "opencv2/cudawarping.hpp"
#include "opencv2/gpufeatures2d.hpp" #include "opencv2/gpufeatures2d.hpp"
......
...@@ -7,7 +7,7 @@ ...@@ -7,7 +7,7 @@
#include "opencv2/highgui.hpp" #include "opencv2/highgui.hpp"
#include "opencv2/video.hpp" #include "opencv2/video.hpp"
#include "opencv2/gpuoptflow.hpp" #include "opencv2/gpuoptflow.hpp"
#include "opencv2/gpuimgproc.hpp" #include "opencv2/cudaimgproc.hpp"
using namespace std; using namespace std;
using namespace cv; using namespace cv;
......
Markdown is supported
0% or
You are about to add 0 people to the discussion. Proceed with caution.
Finish editing this message first!
Please register or to comment