mirror of
https://github.com/opencv/opencv.git
synced 2024-11-25 11:40:44 +08:00
renamed gpunvidia -> gpulegacy
This commit is contained in:
parent
7e91e1871d
commit
508fb6aa5b
@ -6,7 +6,7 @@ set(the_description "GPU-accelerated Operations on Matrices")
|
|||||||
|
|
||||||
ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations)
|
ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations)
|
||||||
|
|
||||||
ocv_define_module(gpuarithm opencv_core OPTIONAL opencv_gpunvidia opencv_imgproc)
|
ocv_define_module(gpuarithm opencv_core OPTIONAL opencv_gpulegacy opencv_imgproc)
|
||||||
|
|
||||||
if(HAVE_CUBLAS)
|
if(HAVE_CUBLAS)
|
||||||
CUDA_ADD_CUBLAS_TO_TARGET(${the_module})
|
CUDA_ADD_CUBLAS_TO_TARGET(${the_module})
|
||||||
|
@ -824,7 +824,7 @@ void cv::gpu::integralBuffered(const GpuMat& src, GpuMat& sum, GpuMat& buffer, S
|
|||||||
}
|
}
|
||||||
else
|
else
|
||||||
{
|
{
|
||||||
#ifndef HAVE_OPENCV_GPUNVIDIA
|
#ifndef HAVE_OPENCV_GPULEGACY
|
||||||
throw_no_cuda();
|
throw_no_cuda();
|
||||||
#else
|
#else
|
||||||
sum.create(src.rows + 1, src.cols + 1, CV_32SC1);
|
sum.create(src.rows + 1, src.cols + 1, CV_32SC1);
|
||||||
@ -856,7 +856,7 @@ void cv::gpu::integralBuffered(const GpuMat& src, GpuMat& sum, GpuMat& buffer, S
|
|||||||
|
|
||||||
void cv::gpu::sqrIntegral(const GpuMat& src, GpuMat& sqsum, Stream& s)
|
void cv::gpu::sqrIntegral(const GpuMat& src, GpuMat& sqsum, Stream& s)
|
||||||
{
|
{
|
||||||
#ifndef HAVE_OPENCV_GPUNVIDIA
|
#ifndef HAVE_OPENCV_GPULEGACY
|
||||||
(void) src;
|
(void) src;
|
||||||
(void) sqsum;
|
(void) sqsum;
|
||||||
(void) s;
|
(void) s;
|
||||||
|
@ -53,9 +53,9 @@
|
|||||||
|
|
||||||
#include "opencv2/opencv_modules.hpp"
|
#include "opencv2/opencv_modules.hpp"
|
||||||
|
|
||||||
#ifdef HAVE_OPENCV_GPUNVIDIA
|
#ifdef HAVE_OPENCV_GPULEGACY
|
||||||
# include "opencv2/gpunvidia.hpp"
|
# include "opencv2/gpulegacy.hpp"
|
||||||
# include "opencv2/gpunvidia/private.hpp"
|
# include "opencv2/gpulegacy/private.hpp"
|
||||||
#endif
|
#endif
|
||||||
|
|
||||||
#ifdef HAVE_CUBLAS
|
#ifdef HAVE_CUBLAS
|
||||||
|
9
modules/gpulegacy/CMakeLists.txt
Normal file
9
modules/gpulegacy/CMakeLists.txt
Normal file
@ -0,0 +1,9 @@
|
|||||||
|
if(NOT HAVE_CUDA)
|
||||||
|
ocv_module_disable(gpulegacy)
|
||||||
|
endif()
|
||||||
|
|
||||||
|
set(the_description "GPU-accelerated Computer Vision (legacy)")
|
||||||
|
|
||||||
|
ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations -Wuninitialized)
|
||||||
|
|
||||||
|
ocv_define_module(gpulegacy opencv_core OPTIONAL opencv_objdetect)
|
@ -40,13 +40,13 @@
|
|||||||
//
|
//
|
||||||
//M*/
|
//M*/
|
||||||
|
|
||||||
#ifndef __OPENCV_GPUNVIDIA_HPP__
|
#ifndef __OPENCV_GPULEGACY_HPP__
|
||||||
#define __OPENCV_GPUNVIDIA_HPP__
|
#define __OPENCV_GPULEGACY_HPP__
|
||||||
|
|
||||||
#include "opencv2/gpunvidia/NCV.hpp"
|
#include "opencv2/gpulegacy/NCV.hpp"
|
||||||
#include "opencv2/gpunvidia/NPP_staging.hpp"
|
#include "opencv2/gpulegacy/NPP_staging.hpp"
|
||||||
#include "opencv2/gpunvidia/NCVPyramid.hpp"
|
#include "opencv2/gpulegacy/NCVPyramid.hpp"
|
||||||
#include "opencv2/gpunvidia/NCVHaarObjectDetection.hpp"
|
#include "opencv2/gpulegacy/NCVHaarObjectDetection.hpp"
|
||||||
#include "opencv2/gpunvidia/NCVBroxOpticalFlow.hpp"
|
#include "opencv2/gpulegacy/NCVBroxOpticalFlow.hpp"
|
||||||
|
|
||||||
#endif /* __OPENCV_GPUNVIDIA_HPP__ */
|
#endif /* __OPENCV_GPULEGACY_HPP__ */
|
@ -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/gpunvidia/NCV.hpp"
|
#include "opencv2/gpulegacy/NCV.hpp"
|
||||||
|
|
||||||
/// \brief Model and solver parameters
|
/// \brief Model and solver parameters
|
||||||
struct NCVBroxOpticalFlowDescriptor
|
struct NCVBroxOpticalFlowDescriptor
|
@ -59,7 +59,7 @@
|
|||||||
#ifndef _ncvhaarobjectdetection_hpp_
|
#ifndef _ncvhaarobjectdetection_hpp_
|
||||||
#define _ncvhaarobjectdetection_hpp_
|
#define _ncvhaarobjectdetection_hpp_
|
||||||
|
|
||||||
#include "opencv2/gpunvidia/NCV.hpp"
|
#include "opencv2/gpulegacy/NCV.hpp"
|
||||||
|
|
||||||
|
|
||||||
//==============================================================================
|
//==============================================================================
|
@ -45,7 +45,17 @@
|
|||||||
|
|
||||||
#include <memory>
|
#include <memory>
|
||||||
#include <vector>
|
#include <vector>
|
||||||
#include "opencv2/gpunvidia/NCV.hpp"
|
#include "opencv2/gpulegacy/NCV.hpp"
|
||||||
|
#include "opencv2/core/cuda/common.hpp"
|
||||||
|
|
||||||
|
namespace cv { namespace gpu { namespace cudev
|
||||||
|
{
|
||||||
|
namespace pyramid
|
||||||
|
{
|
||||||
|
template <typename T> void kernelDownsampleX2_gpu(PtrStepSzb src, PtrStepSzb dst, cudaStream_t stream);
|
||||||
|
template <typename T> void kernelInterpolateFrom1_gpu(PtrStepSzb src, PtrStepSzb dst, cudaStream_t stream);
|
||||||
|
}
|
||||||
|
}}}
|
||||||
|
|
||||||
#if 0 //def _WIN32
|
#if 0 //def _WIN32
|
||||||
|
|
@ -43,7 +43,7 @@
|
|||||||
#ifndef _npp_staging_hpp_
|
#ifndef _npp_staging_hpp_
|
||||||
#define _npp_staging_hpp_
|
#define _npp_staging_hpp_
|
||||||
|
|
||||||
#include "opencv2/gpunvidia/NCV.hpp"
|
#include "opencv2/gpulegacy/NCV.hpp"
|
||||||
|
|
||||||
|
|
||||||
/**
|
/**
|
@ -41,8 +41,8 @@
|
|||||||
//
|
//
|
||||||
//M*/
|
//M*/
|
||||||
|
|
||||||
#ifndef __OPENCV_CORE_GPUNVIDIA_PRIVATE_HPP__
|
#ifndef __OPENCV_CORE_GPULEGACY_PRIVATE_HPP__
|
||||||
#define __OPENCV_CORE_GPUNVIDIA_PRIVATE_HPP__
|
#define __OPENCV_CORE_GPULEGACY_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 @@
|
|||||||
#include "opencv2/core/gpu_private.hpp"
|
#include "opencv2/core/gpu_private.hpp"
|
||||||
|
|
||||||
#ifndef HAVE_CUDA
|
#ifndef HAVE_CUDA
|
||||||
# error gpunvidia module requires CUDA
|
# error gpulegacy module requires CUDA
|
||||||
#endif
|
#endif
|
||||||
|
|
||||||
#include "opencv2/gpunvidia.hpp"
|
#include "opencv2/gpulegacy.hpp"
|
||||||
|
|
||||||
namespace cv { namespace gpu
|
namespace cv { namespace gpu
|
||||||
{
|
{
|
||||||
@ -93,4 +93,4 @@ namespace cv { namespace gpu
|
|||||||
#define ncvSafeCall(expr) cv::gpu::checkNcvError(expr, __FILE__, __LINE__, "")
|
#define ncvSafeCall(expr) cv::gpu::checkNcvError(expr, __FILE__, __LINE__, "")
|
||||||
#endif
|
#endif
|
||||||
|
|
||||||
#endif // __OPENCV_CORE_GPUNVIDIA_PRIVATE_HPP__
|
#endif // __OPENCV_CORE_GPULEGACY_PRIVATE_HPP__
|
@ -43,7 +43,7 @@
|
|||||||
#include <iostream>
|
#include <iostream>
|
||||||
#include <vector>
|
#include <vector>
|
||||||
|
|
||||||
#include "opencv2/gpunvidia/NCV.hpp"
|
#include "opencv2/gpulegacy/NCV.hpp"
|
||||||
|
|
||||||
//===================================================================
|
//===================================================================
|
||||||
//
|
//
|
@ -43,7 +43,7 @@
|
|||||||
#ifndef _ncv_alg_hpp_
|
#ifndef _ncv_alg_hpp_
|
||||||
#define _ncv_alg_hpp_
|
#define _ncv_alg_hpp_
|
||||||
|
|
||||||
#include "opencv2/gpunvidia/NCV.hpp"
|
#include "opencv2/gpulegacy/NCV.hpp"
|
||||||
|
|
||||||
|
|
||||||
template <class T>
|
template <class T>
|
@ -63,8 +63,8 @@
|
|||||||
|
|
||||||
#include "opencv2/core/cuda/utility.hpp"
|
#include "opencv2/core/cuda/utility.hpp"
|
||||||
|
|
||||||
#include "opencv2/gpunvidia/NPP_staging.hpp"
|
#include "opencv2/gpulegacy/NPP_staging.hpp"
|
||||||
#include "opencv2/gpunvidia/NCVBroxOpticalFlow.hpp"
|
#include "opencv2/gpulegacy/NCVBroxOpticalFlow.hpp"
|
||||||
|
|
||||||
|
|
||||||
typedef NCVVectorAlloc<Ncv32f> FloatVector;
|
typedef NCVVectorAlloc<Ncv32f> FloatVector;
|
@ -68,9 +68,9 @@
|
|||||||
# include "opencv2/objdetect.hpp"
|
# include "opencv2/objdetect.hpp"
|
||||||
#endif
|
#endif
|
||||||
|
|
||||||
#include "opencv2/gpunvidia/NCV.hpp"
|
#include "opencv2/gpulegacy/NCV.hpp"
|
||||||
#include "opencv2/gpunvidia/NPP_staging.hpp"
|
#include "opencv2/gpulegacy/NPP_staging.hpp"
|
||||||
#include "opencv2/gpunvidia/NCVHaarObjectDetection.hpp"
|
#include "opencv2/gpulegacy/NCVHaarObjectDetection.hpp"
|
||||||
|
|
||||||
#include "NCVRuntimeTemplates.hpp"
|
#include "NCVRuntimeTemplates.hpp"
|
||||||
#include "NCVAlg.hpp"
|
#include "NCVAlg.hpp"
|
@ -45,7 +45,7 @@
|
|||||||
|
|
||||||
#include <limits.h>
|
#include <limits.h>
|
||||||
#include <float.h>
|
#include <float.h>
|
||||||
#include "opencv2/gpunvidia/NCV.hpp"
|
#include "opencv2/gpulegacy/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 @@
|
|||||||
|
|
||||||
#include "opencv2/core/cuda/common.hpp"
|
#include "opencv2/core/cuda/common.hpp"
|
||||||
|
|
||||||
#include "opencv2/gpunvidia/NCV.hpp"
|
#include "opencv2/gpulegacy/NCV.hpp"
|
||||||
#include "opencv2/gpunvidia/NCVPyramid.hpp"
|
#include "opencv2/gpulegacy/NCVPyramid.hpp"
|
||||||
|
|
||||||
#include "NCVAlg.hpp"
|
#include "NCVAlg.hpp"
|
||||||
#include "NCVPixelOperations.hpp"
|
#include "NCVPixelOperations.hpp"
|
@ -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/gpunvidia/NPP_staging.hpp"
|
#include "opencv2/gpulegacy/NPP_staging.hpp"
|
||||||
|
|
||||||
|
|
||||||
texture<Ncv8u, 1, cudaReadModeElementType> tex8u;
|
texture<Ncv8u, 1, cudaReadModeElementType> tex8u;
|
@ -47,7 +47,7 @@
|
|||||||
#include <iostream>
|
#include <iostream>
|
||||||
#include <algorithm>
|
#include <algorithm>
|
||||||
|
|
||||||
#include "opencv2/gpunvidia.hpp"
|
#include "opencv2/gpulegacy.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 @@
|
|||||||
#endif
|
#endif
|
||||||
|
|
||||||
#include "opencv2/core/gpu_private.hpp"
|
#include "opencv2/core/gpu_private.hpp"
|
||||||
#include "opencv2/gpunvidia/private.hpp"
|
#include "opencv2/gpulegacy/private.hpp"
|
||||||
|
|
||||||
#endif /* __OPENCV_PRECOMP_H__ */
|
#endif /* __OPENCV_PRECOMP_H__ */
|
@ -56,7 +56,7 @@
|
|||||||
|
|
||||||
#include <cuda_runtime.h>
|
#include <cuda_runtime.h>
|
||||||
|
|
||||||
#include "opencv2/gpunvidia.hpp"
|
#include "opencv2/gpulegacy.hpp"
|
||||||
|
|
||||||
|
|
||||||
struct NCVTestReport
|
struct NCVTestReport
|
@ -46,7 +46,7 @@
|
|||||||
#include <memory>
|
#include <memory>
|
||||||
|
|
||||||
#include "opencv2/highgui.hpp"
|
#include "opencv2/highgui.hpp"
|
||||||
#include "opencv2/gpunvidia.hpp"
|
#include "opencv2/gpulegacy.hpp"
|
||||||
|
|
||||||
|
|
||||||
template <class T>
|
template <class T>
|
@ -140,13 +140,12 @@ GPU_TEST_P(NCV, HypothesesFiltration)
|
|||||||
|
|
||||||
GPU_TEST_P(NCV, Visualization)
|
GPU_TEST_P(NCV, Visualization)
|
||||||
{
|
{
|
||||||
// this functionality doesn't used in gpu module
|
|
||||||
bool res = nvidia_NCV_Visualization(_path, nvidiaTestOutputLevel);
|
bool res = nvidia_NCV_Visualization(_path, nvidiaTestOutputLevel);
|
||||||
|
|
||||||
ASSERT_TRUE(res);
|
ASSERT_TRUE(res);
|
||||||
}
|
}
|
||||||
|
|
||||||
INSTANTIATE_TEST_CASE_P(GPU_NVidia, NPPST, ALL_DEVICES);
|
INSTANTIATE_TEST_CASE_P(GPU_Legacy, NPPST, ALL_DEVICES);
|
||||||
INSTANTIATE_TEST_CASE_P(GPU_NVidia, NCV, ALL_DEVICES);
|
INSTANTIATE_TEST_CASE_P(GPU_Legacy, NCV, ALL_DEVICES);
|
||||||
|
|
||||||
#endif // HAVE_CUDA
|
#endif // HAVE_CUDA
|
@ -69,7 +69,7 @@
|
|||||||
#include "opencv2/ts/gpu_test.hpp"
|
#include "opencv2/ts/gpu_test.hpp"
|
||||||
|
|
||||||
#include "opencv2/core/gpumat.hpp"
|
#include "opencv2/core/gpumat.hpp"
|
||||||
#include "opencv2/gpunvidia.hpp"
|
#include "opencv2/gpulegacy.hpp"
|
||||||
#include "opencv2/highgui.hpp"
|
#include "opencv2/highgui.hpp"
|
||||||
|
|
||||||
#include "opencv2/core/gpu_private.hpp"
|
#include "opencv2/core/gpu_private.hpp"
|
@ -1,9 +0,0 @@
|
|||||||
if(NOT HAVE_CUDA)
|
|
||||||
ocv_module_disable(gpunvidia)
|
|
||||||
endif()
|
|
||||||
|
|
||||||
set(the_description "GPU-accelerated Computer Vision (HAL module)")
|
|
||||||
|
|
||||||
ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations)
|
|
||||||
|
|
||||||
ocv_define_module(gpunvidia opencv_core OPTIONAL opencv_objdetect)
|
|
@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Object Detection")
|
|||||||
|
|
||||||
ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations)
|
ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations)
|
||||||
|
|
||||||
ocv_define_module(gpuobjdetect opencv_objdetect opencv_gpuimgproc OPTIONAL opencv_gpunvidia)
|
ocv_define_module(gpuobjdetect opencv_objdetect opencv_gpuimgproc OPTIONAL opencv_gpulegacy)
|
||||||
|
@ -53,8 +53,8 @@
|
|||||||
|
|
||||||
#include "opencv2/opencv_modules.hpp"
|
#include "opencv2/opencv_modules.hpp"
|
||||||
|
|
||||||
#ifdef HAVE_OPENCV_GPUNVIDIA
|
#ifdef HAVE_OPENCV_GPULEGACY
|
||||||
# include "opencv2/gpunvidia/private.hpp"
|
# include "opencv2/gpulegacy/private.hpp"
|
||||||
#endif
|
#endif
|
||||||
|
|
||||||
#endif /* __OPENCV_PRECOMP_H__ */
|
#endif /* __OPENCV_PRECOMP_H__ */
|
||||||
|
@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Video Analysis")
|
|||||||
|
|
||||||
ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations)
|
ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations)
|
||||||
|
|
||||||
ocv_define_module(gpuvideo opencv_video opencv_legacy opencv_gpufilters opencv_gpuimgproc OPTIONAL opencv_gpunvidia)
|
ocv_define_module(gpuvideo opencv_video opencv_legacy opencv_gpufilters opencv_gpuimgproc OPTIONAL opencv_gpulegacy)
|
||||||
|
@ -57,8 +57,8 @@
|
|||||||
|
|
||||||
#include "opencv2/opencv_modules.hpp"
|
#include "opencv2/opencv_modules.hpp"
|
||||||
|
|
||||||
#ifdef HAVE_OPENCV_GPUNVIDIA
|
#ifdef HAVE_OPENCV_GPULEGACY
|
||||||
# include "opencv2/gpunvidia/private.hpp"
|
# include "opencv2/gpulegacy/private.hpp"
|
||||||
#endif
|
#endif
|
||||||
|
|
||||||
#ifdef HAVE_CUDA
|
#ifdef HAVE_CUDA
|
||||||
|
@ -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_gpucodec opencv_gpuarithm opencv_gpufilters opencv_gpunvidia opencv_gpuimgproc opencv_gpufeatures2d opencv_gpuvideo opencv_gpuobjdetect
|
opencv_gpucodec opencv_gpuarithm opencv_gpufilters opencv_gpulegacy opencv_gpuimgproc opencv_gpufeatures2d opencv_gpuvideo opencv_gpuobjdetect
|
||||||
opencv_gpucalib3d)
|
opencv_gpucalib3d)
|
||||||
|
|
||||||
ocv_check_dependencies(${OPENCV_GPU_SAMPLES_REQUIRED_DEPS})
|
ocv_check_dependencies(${OPENCV_GPU_SAMPLES_REQUIRED_DEPS})
|
||||||
|
@ -11,7 +11,7 @@
|
|||||||
#include "opencv2/objdetect/objdetect_c.h"
|
#include "opencv2/objdetect/objdetect_c.h"
|
||||||
|
|
||||||
#ifdef HAVE_CUDA
|
#ifdef HAVE_CUDA
|
||||||
#include "opencv2/gpunvidia.hpp"
|
#include "opencv2/gpulegacy.hpp"
|
||||||
#endif
|
#endif
|
||||||
|
|
||||||
using namespace std;
|
using namespace std;
|
||||||
|
@ -16,7 +16,7 @@
|
|||||||
#include "opencv2/highgui/highgui_c.h"
|
#include "opencv2/highgui/highgui_c.h"
|
||||||
|
|
||||||
#ifdef HAVE_CUDA
|
#ifdef HAVE_CUDA
|
||||||
#include "opencv2/gpunvidia.hpp"
|
#include "opencv2/gpulegacy.hpp"
|
||||||
#endif
|
#endif
|
||||||
|
|
||||||
#if !defined(HAVE_CUDA)
|
#if !defined(HAVE_CUDA)
|
||||||
|
Loading…
Reference in New Issue
Block a user