Commit 6d216d78 authored by Vladislav Vinogradov's avatar Vladislav Vinogradov

renamed gpulegacy -> cudalegacy

parent dbeb3e29
if(NOT HAVE_CUDA) if(NOT HAVE_CUDA)
ocv_module_disable(gpulegacy) ocv_module_disable(cudalegacy)
endif() endif()
set(the_description "GPU-accelerated Computer Vision (legacy)") set(the_description "CUDA-accelerated Computer Vision (legacy)")
ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4130 /wd4324 /wd4512 /wd4310 -Wundef -Wmissing-declarations -Wuninitialized) ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4130 /wd4324 /wd4512 /wd4310 -Wundef -Wmissing-declarations -Wuninitialized)
ocv_define_module(gpulegacy opencv_core OPTIONAL opencv_objdetect) ocv_define_module(cudalegacy opencv_core OPTIONAL opencv_objdetect)
...@@ -40,13 +40,13 @@ ...@@ -40,13 +40,13 @@
// //
//M*/ //M*/
#ifndef __OPENCV_GPULEGACY_HPP__ #ifndef __OPENCV_CUDALEGACY_HPP__
#define __OPENCV_GPULEGACY_HPP__ #define __OPENCV_CUDALEGACY_HPP__
#include "opencv2/gpulegacy/NCV.hpp" #include "opencv2/cudalegacy/NCV.hpp"
#include "opencv2/gpulegacy/NPP_staging.hpp" #include "opencv2/cudalegacy/NPP_staging.hpp"
#include "opencv2/gpulegacy/NCVPyramid.hpp" #include "opencv2/cudalegacy/NCVPyramid.hpp"
#include "opencv2/gpulegacy/NCVHaarObjectDetection.hpp" #include "opencv2/cudalegacy/NCVHaarObjectDetection.hpp"
#include "opencv2/gpulegacy/NCVBroxOpticalFlow.hpp" #include "opencv2/cudalegacy/NCVBroxOpticalFlow.hpp"
#endif /* __OPENCV_GPULEGACY_HPP__ */ #endif /* __OPENCV_CUDALEGACY_HPP__ */
...@@ -60,7 +60,7 @@ ...@@ -60,7 +60,7 @@
#ifndef _ncv_optical_flow_h_ #ifndef _ncv_optical_flow_h_
#define _ncv_optical_flow_h_ #define _ncv_optical_flow_h_
#include "opencv2/gpulegacy/NCV.hpp" #include "opencv2/cudalegacy/NCV.hpp"
/// \brief Model and solver parameters /// \brief Model and solver parameters
struct NCVBroxOpticalFlowDescriptor struct NCVBroxOpticalFlowDescriptor
......
...@@ -59,7 +59,7 @@ ...@@ -59,7 +59,7 @@
#ifndef _ncvhaarobjectdetection_hpp_ #ifndef _ncvhaarobjectdetection_hpp_
#define _ncvhaarobjectdetection_hpp_ #define _ncvhaarobjectdetection_hpp_
#include "opencv2/gpulegacy/NCV.hpp" #include "opencv2/cudalegacy/NCV.hpp"
//============================================================================== //==============================================================================
......
...@@ -45,7 +45,7 @@ ...@@ -45,7 +45,7 @@
#include <memory> #include <memory>
#include <vector> #include <vector>
#include "opencv2/gpulegacy/NCV.hpp" #include "opencv2/cudalegacy/NCV.hpp"
#include "opencv2/core/cuda/common.hpp" #include "opencv2/core/cuda/common.hpp"
namespace cv { namespace cuda { namespace device namespace cv { namespace cuda { namespace device
......
...@@ -43,7 +43,7 @@ ...@@ -43,7 +43,7 @@
#ifndef _npp_staging_hpp_ #ifndef _npp_staging_hpp_
#define _npp_staging_hpp_ #define _npp_staging_hpp_
#include "opencv2/gpulegacy/NCV.hpp" #include "opencv2/cudalegacy/NCV.hpp"
/** /**
......
...@@ -41,8 +41,8 @@ ...@@ -41,8 +41,8 @@
// //
//M*/ //M*/
#ifndef __OPENCV_CORE_GPULEGACY_PRIVATE_HPP__ #ifndef __OPENCV_CORE_CUDALEGACY_PRIVATE_HPP__
#define __OPENCV_CORE_GPULEGACY_PRIVATE_HPP__ #define __OPENCV_CORE_CUDALEGACY_PRIVATE_HPP__
#ifndef __OPENCV_BUILD #ifndef __OPENCV_BUILD
# error this is a private header which should not be used from outside of the OpenCV library # error this is a private header which should not be used from outside of the OpenCV library
...@@ -51,10 +51,10 @@ ...@@ -51,10 +51,10 @@
#include "opencv2/core/private.cuda.hpp" #include "opencv2/core/private.cuda.hpp"
#ifndef HAVE_CUDA #ifndef HAVE_CUDA
# error gpulegacy module requires CUDA # error cudalegacy module requires CUDA
#endif #endif
#include "opencv2/gpulegacy.hpp" #include "opencv2/cudalegacy.hpp"
namespace cv { namespace cuda namespace cv { namespace cuda
{ {
...@@ -93,4 +93,4 @@ namespace cv { namespace cuda ...@@ -93,4 +93,4 @@ namespace cv { namespace cuda
#define ncvSafeCall(expr) cv::cuda::checkNcvError(expr, __FILE__, __LINE__, "") #define ncvSafeCall(expr) cv::cuda::checkNcvError(expr, __FILE__, __LINE__, "")
#endif #endif
#endif // __OPENCV_CORE_GPULEGACY_PRIVATE_HPP__ #endif // __OPENCV_CORE_CUDALEGACY_PRIVATE_HPP__
...@@ -43,7 +43,7 @@ ...@@ -43,7 +43,7 @@
#include <iostream> #include <iostream>
#include <vector> #include <vector>
#include "opencv2/gpulegacy/NCV.hpp" #include "opencv2/cudalegacy/NCV.hpp"
//=================================================================== //===================================================================
// //
......
...@@ -43,7 +43,7 @@ ...@@ -43,7 +43,7 @@
#ifndef _ncv_alg_hpp_ #ifndef _ncv_alg_hpp_
#define _ncv_alg_hpp_ #define _ncv_alg_hpp_
#include "opencv2/gpulegacy/NCV.hpp" #include "opencv2/cudalegacy/NCV.hpp"
template <class T> template <class T>
......
...@@ -63,8 +63,8 @@ ...@@ -63,8 +63,8 @@
#include "opencv2/core/cuda/utility.hpp" #include "opencv2/core/cuda/utility.hpp"
#include "opencv2/gpulegacy/NPP_staging.hpp" #include "opencv2/cudalegacy/NPP_staging.hpp"
#include "opencv2/gpulegacy/NCVBroxOpticalFlow.hpp" #include "opencv2/cudalegacy/NCVBroxOpticalFlow.hpp"
typedef NCVVectorAlloc<Ncv32f> FloatVector; typedef NCVVectorAlloc<Ncv32f> FloatVector;
......
...@@ -69,9 +69,9 @@ ...@@ -69,9 +69,9 @@
# include "opencv2/objdetect/objdetect_c.h" # include "opencv2/objdetect/objdetect_c.h"
#endif #endif
#include "opencv2/gpulegacy/NCV.hpp" #include "opencv2/cudalegacy/NCV.hpp"
#include "opencv2/gpulegacy/NPP_staging.hpp" #include "opencv2/cudalegacy/NPP_staging.hpp"
#include "opencv2/gpulegacy/NCVHaarObjectDetection.hpp" #include "opencv2/cudalegacy/NCVHaarObjectDetection.hpp"
#include "NCVRuntimeTemplates.hpp" #include "NCVRuntimeTemplates.hpp"
#include "NCVAlg.hpp" #include "NCVAlg.hpp"
......
...@@ -45,7 +45,7 @@ ...@@ -45,7 +45,7 @@
#include <limits.h> #include <limits.h>
#include <float.h> #include <float.h>
#include "opencv2/gpulegacy/NCV.hpp" #include "opencv2/cudalegacy/NCV.hpp"
template<typename TBase> inline __host__ __device__ TBase _pixMaxVal(); template<typename TBase> inline __host__ __device__ TBase _pixMaxVal();
template<> static inline __host__ __device__ Ncv8u _pixMaxVal<Ncv8u>() {return UCHAR_MAX;} template<> static inline __host__ __device__ Ncv8u _pixMaxVal<Ncv8u>() {return UCHAR_MAX;}
......
...@@ -45,8 +45,8 @@ ...@@ -45,8 +45,8 @@
#include "opencv2/core/cuda/common.hpp" #include "opencv2/core/cuda/common.hpp"
#include "opencv2/gpulegacy/NCV.hpp" #include "opencv2/cudalegacy/NCV.hpp"
#include "opencv2/gpulegacy/NCVPyramid.hpp" #include "opencv2/cudalegacy/NCVPyramid.hpp"
#include "NCVAlg.hpp" #include "NCVAlg.hpp"
#include "NCVPixelOperations.hpp" #include "NCVPixelOperations.hpp"
......
...@@ -48,7 +48,7 @@ ...@@ -48,7 +48,7 @@
#include "opencv2/core/cuda/warp.hpp" #include "opencv2/core/cuda/warp.hpp"
#include "opencv2/core/cuda/warp_shuffle.hpp" #include "opencv2/core/cuda/warp_shuffle.hpp"
#include "opencv2/gpulegacy/NPP_staging.hpp" #include "opencv2/cudalegacy/NPP_staging.hpp"
texture<Ncv8u, 1, cudaReadModeElementType> tex8u; texture<Ncv8u, 1, cudaReadModeElementType> tex8u;
......
...@@ -47,7 +47,7 @@ ...@@ -47,7 +47,7 @@
#include <iostream> #include <iostream>
#include <algorithm> #include <algorithm>
#include "opencv2/gpulegacy.hpp" #include "opencv2/cudalegacy.hpp"
#include "opencv2/core/utility.hpp" #include "opencv2/core/utility.hpp"
#include "opencv2/opencv_modules.hpp" #include "opencv2/opencv_modules.hpp"
...@@ -57,6 +57,6 @@ ...@@ -57,6 +57,6 @@
#endif #endif
#include "opencv2/core/private.cuda.hpp" #include "opencv2/core/private.cuda.hpp"
#include "opencv2/gpulegacy/private.hpp" #include "opencv2/cudalegacy/private.hpp"
#endif /* __OPENCV_PRECOMP_H__ */ #endif /* __OPENCV_PRECOMP_H__ */
...@@ -56,7 +56,7 @@ ...@@ -56,7 +56,7 @@
#include <cuda_runtime.h> #include <cuda_runtime.h>
#include "opencv2/gpulegacy.hpp" #include "opencv2/cudalegacy.hpp"
struct NCVTestReport struct NCVTestReport
......
...@@ -46,7 +46,7 @@ ...@@ -46,7 +46,7 @@
#include <memory> #include <memory>
#include "opencv2/highgui.hpp" #include "opencv2/highgui.hpp"
#include "opencv2/gpulegacy.hpp" #include "opencv2/cudalegacy.hpp"
template <class T> template <class T>
......
...@@ -69,7 +69,7 @@ ...@@ -69,7 +69,7 @@
#include "opencv2/ts/gpu_test.hpp" #include "opencv2/ts/gpu_test.hpp"
#include "opencv2/core/cuda.hpp" #include "opencv2/core/cuda.hpp"
#include "opencv2/gpulegacy.hpp" #include "opencv2/cudalegacy.hpp"
#include "opencv2/highgui.hpp" #include "opencv2/highgui.hpp"
#include "opencv2/core/private.cuda.hpp" #include "opencv2/core/private.cuda.hpp"
......
...@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Computer Vision") ...@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Computer Vision")
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(gpu opencv_calib3d opencv_objdetect opencv_gpuarithm opencv_gpuwarping OPTIONAL opencv_gpulegacy) ocv_define_module(gpu opencv_calib3d opencv_objdetect opencv_gpuarithm opencv_gpuwarping OPTIONAL opencv_cudalegacy)
...@@ -73,7 +73,7 @@ public: ...@@ -73,7 +73,7 @@ public:
virtual bool read(const String& classifierAsXml) = 0; virtual bool read(const String& classifierAsXml) = 0;
}; };
#ifndef HAVE_OPENCV_GPULEGACY #ifndef HAVE_OPENCV_CUDALEGACY
struct cv::cuda::CascadeClassifier_GPU::HaarCascade : cv::cuda::CascadeClassifier_GPU::CascadeClassifierImpl struct cv::cuda::CascadeClassifier_GPU::HaarCascade : cv::cuda::CascadeClassifier_GPU::CascadeClassifierImpl
{ {
...@@ -509,7 +509,7 @@ private: ...@@ -509,7 +509,7 @@ private:
integral.create(frame.height + 1, integralFactor * (frame.width + 1), CV_32SC1); integral.create(frame.height + 1, integralFactor * (frame.width + 1), CV_32SC1);
#ifdef HAVE_OPENCV_GPULEGACY #ifdef HAVE_OPENCV_CUDALEGACY
NcvSize32u roiSize; NcvSize32u roiSize;
roiSize.width = frame.width; roiSize.width = frame.width;
roiSize.height = frame.height; roiSize.height = frame.height;
......
...@@ -53,8 +53,8 @@ ...@@ -53,8 +53,8 @@
#include "opencv2/opencv_modules.hpp" #include "opencv2/opencv_modules.hpp"
#ifdef HAVE_OPENCV_GPULEGACY #ifdef HAVE_OPENCV_CUDALEGACY
# include "opencv2/gpulegacy/private.hpp" # include "opencv2/cudalegacy/private.hpp"
#endif #endif
#endif /* __OPENCV_PRECOMP_H__ */ #endif /* __OPENCV_PRECOMP_H__ */
...@@ -6,7 +6,7 @@ set(the_description "GPU-accelerated Operations on Matrices") ...@@ -6,7 +6,7 @@ set(the_description "GPU-accelerated Operations on Matrices")
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_add_module(gpuarithm opencv_core OPTIONAL opencv_gpulegacy) ocv_add_module(gpuarithm opencv_core OPTIONAL opencv_cudalegacy)
ocv_module_include_directories() ocv_module_include_directories()
ocv_glob_module_sources() ocv_glob_module_sources()
......
...@@ -54,9 +54,9 @@ ...@@ -54,9 +54,9 @@
#include "opencv2/opencv_modules.hpp" #include "opencv2/opencv_modules.hpp"
#ifdef HAVE_OPENCV_GPULEGACY #ifdef HAVE_OPENCV_CUDALEGACY
# include "opencv2/gpulegacy.hpp" # include "opencv2/cudalegacy.hpp"
# include "opencv2/gpulegacy/private.hpp" # include "opencv2/cudalegacy/private.hpp"
#endif #endif
#ifdef HAVE_CUBLAS #ifdef HAVE_CUBLAS
......
...@@ -790,7 +790,7 @@ void cv::cuda::integral(InputArray _src, OutputArray _dst, GpuMat& buffer, Strea ...@@ -790,7 +790,7 @@ void cv::cuda::integral(InputArray _src, OutputArray _dst, GpuMat& buffer, Strea
} }
else else
{ {
#ifndef HAVE_OPENCV_GPULEGACY #ifndef HAVE_OPENCV_CUDALEGACY
throw_no_cuda(); throw_no_cuda();
#else #else
_dst.create(src.rows + 1, src.cols + 1, CV_32SC1); _dst.create(src.rows + 1, src.cols + 1, CV_32SC1);
...@@ -823,7 +823,7 @@ void cv::cuda::integral(InputArray _src, OutputArray _dst, GpuMat& buffer, Strea ...@@ -823,7 +823,7 @@ void cv::cuda::integral(InputArray _src, OutputArray _dst, GpuMat& buffer, Strea
void cv::cuda::sqrIntegral(InputArray _src, OutputArray _dst, GpuMat& buf, Stream& _stream) void cv::cuda::sqrIntegral(InputArray _src, OutputArray _dst, GpuMat& buf, Stream& _stream)
{ {
#ifndef HAVE_OPENCV_GPULEGACY #ifndef HAVE_OPENCV_CUDALEGACY
(void) _src; (void) _src;
(void) _dst; (void) _dst;
(void) _stream; (void) _stream;
......
...@@ -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_gpuarithm opencv_gpuwarping opencv_gpuimgproc OPTIONAL opencv_gpulegacy) ocv_define_module(gpuoptflow opencv_video opencv_legacy opencv_gpuarithm opencv_gpuwarping opencv_gpuimgproc OPTIONAL opencv_cudalegacy)
...@@ -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 (HAVE_OPENCV_GPULEGACY) || defined (CUDA_DISABLER) #if !defined (HAVE_CUDA) || !defined (HAVE_OPENCV_CUDALEGACY) || defined (CUDA_DISABLER)
void cv::cuda::BroxOpticalFlow::operator ()(const GpuMat&, const GpuMat&, GpuMat&, GpuMat&, Stream&) { throw_no_cuda(); } void cv::cuda::BroxOpticalFlow::operator ()(const GpuMat&, const GpuMat&, GpuMat&, GpuMat&, Stream&) { throw_no_cuda(); }
......
...@@ -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 (HAVE_OPENCV_GPULEGACY) || defined (CUDA_DISABLER) #if !defined (HAVE_CUDA) || !defined (HAVE_OPENCV_CUDALEGACY) || defined (CUDA_DISABLER)
void cv::cuda::interpolateFrames(const GpuMat&, const GpuMat&, const GpuMat&, const GpuMat&, const GpuMat&, const GpuMat&, float, GpuMat&, GpuMat&, Stream&) { throw_no_cuda(); } void cv::cuda::interpolateFrames(const GpuMat&, const GpuMat&, const GpuMat&, const GpuMat&, const GpuMat&, const GpuMat&, float, GpuMat&, GpuMat&, Stream&) { throw_no_cuda(); }
......
...@@ -55,8 +55,8 @@ ...@@ -55,8 +55,8 @@
#include "opencv2/opencv_modules.hpp" #include "opencv2/opencv_modules.hpp"
#ifdef HAVE_OPENCV_GPULEGACY #ifdef HAVE_OPENCV_CUDALEGACY
# include "opencv2/gpulegacy/private.hpp" # include "opencv2/cudalegacy/private.hpp"
#endif #endif
#endif /* __OPENCV_PRECOMP_H__ */ #endif /* __OPENCV_PRECOMP_H__ */
...@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Image Warping") ...@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Image Warping")
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(gpuwarping opencv_imgproc OPTIONAL opencv_gpulegacy) ocv_define_module(gpuwarping opencv_imgproc OPTIONAL opencv_cudalegacy)
...@@ -49,9 +49,9 @@ ...@@ -49,9 +49,9 @@
#include "opencv2/opencv_modules.hpp" #include "opencv2/opencv_modules.hpp"
#ifdef HAVE_OPENCV_GPULEGACY #ifdef HAVE_OPENCV_CUDALEGACY
# include "opencv2/gpulegacy.hpp" # include "opencv2/cudalegacy.hpp"
# include "opencv2/gpulegacy/private.hpp" # include "opencv2/cudalegacy/private.hpp"
#endif #endif
#endif /* __OPENCV_PRECOMP_H__ */ #endif /* __OPENCV_PRECOMP_H__ */
...@@ -136,7 +136,7 @@ void cv::cuda::pyrUp(InputArray _src, OutputArray _dst, Stream& stream) ...@@ -136,7 +136,7 @@ void cv::cuda::pyrUp(InputArray _src, OutputArray _dst, Stream& stream)
////////////////////////////////////////////////////////////////////////////// //////////////////////////////////////////////////////////////////////////////
// ImagePyramid // ImagePyramid
#ifdef HAVE_OPENCV_GPULEGACY #ifdef HAVE_OPENCV_CUDALEGACY
namespace namespace
{ {
...@@ -230,7 +230,7 @@ namespace ...@@ -230,7 +230,7 @@ namespace
Ptr<ImagePyramid> cv::cuda::createImagePyramid(InputArray img, int nLayers, Stream& stream) Ptr<ImagePyramid> cv::cuda::createImagePyramid(InputArray img, int nLayers, Stream& stream)
{ {
#ifndef HAVE_OPENCV_GPULEGACY #ifndef HAVE_OPENCV_CUDALEGACY
(void) img; (void) img;
(void) numLayers; (void) numLayers;
(void) stream; (void) stream;
......
...@@ -4,7 +4,8 @@ SET(OPENCV_GPU_SAMPLES_REQUIRED_DEPS opencv_core opencv_flann opencv_imgproc ope ...@@ -4,7 +4,8 @@ SET(OPENCV_GPU_SAMPLES_REQUIRED_DEPS opencv_core opencv_flann opencv_imgproc ope
opencv_nonfree opencv_softcascade opencv_superres opencv_nonfree opencv_softcascade opencv_superres
opencv_gpuarithm opencv_gpufilters opencv_gpuwarping opencv_gpuimgproc opencv_gpuarithm opencv_gpufilters opencv_gpuwarping opencv_gpuimgproc
opencv_gpufeatures2d opencv_gpuoptflow opencv_gpubgsegm opencv_gpufeatures2d opencv_gpuoptflow opencv_gpubgsegm
opencv_gpustereo opencv_gpulegacy) opencv_gpustereo opencv_cudalegacy)
ocv_check_dependencies(${OPENCV_GPU_SAMPLES_REQUIRED_DEPS}) ocv_check_dependencies(${OPENCV_GPU_SAMPLES_REQUIRED_DEPS})
if(BUILD_EXAMPLES AND OCV_DEPENDENCIES_FOUND) if(BUILD_EXAMPLES AND OCV_DEPENDENCIES_FOUND)
...@@ -96,3 +97,4 @@ if (INSTALL_C_EXAMPLES AND NOT WIN32) ...@@ -96,3 +97,4 @@ if (INSTALL_C_EXAMPLES AND NOT WIN32)
DESTINATION share/OpenCV/samples/${project} DESTINATION share/OpenCV/samples/${project}
PERMISSIONS OWNER_READ GROUP_READ WORLD_READ) PERMISSIONS OWNER_READ GROUP_READ WORLD_READ)
endif() endif()
...@@ -7,7 +7,7 @@ ...@@ -7,7 +7,7 @@
#include <iomanip> #include <iomanip>
#include <cstdio> #include <cstdio>
#include "opencv2/core/cuda.hpp" #include "opencv2/core/cuda.hpp"
#include "opencv2/gpulegacy.hpp" #include "opencv2/cudalegacy.hpp"
#include "opencv2/highgui.hpp" #include "opencv2/highgui.hpp"
#include "opencv2/imgproc.hpp" #include "opencv2/imgproc.hpp"
#include "opencv2/objdetect.hpp" #include "opencv2/objdetect.hpp"
......
...@@ -12,7 +12,7 @@ ...@@ -12,7 +12,7 @@
#include <iostream> #include <iostream>
#include <iomanip> #include <iomanip>
#include "opencv2/core/cuda.hpp" #include "opencv2/core/cuda.hpp"
#include "opencv2/gpulegacy.hpp" #include "opencv2/cudalegacy.hpp"
#include "opencv2/highgui/highgui.hpp" #include "opencv2/highgui/highgui.hpp"
#include "opencv2/highgui/highgui_c.h" #include "opencv2/highgui/highgui_c.h"
......
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