added CUDA_DISABLER preprocessor commands
authorAnatoly Baksheev <no@email>
Mon, 1 Oct 2012 18:37:20 +0000 (22:37 +0400)
committerAnatoly Baksheev <no@email>
Mon, 1 Oct 2012 19:57:38 +0000 (23:57 +0400)
112 files changed:
modules/core/src/cuda/matrix_operations.cu
modules/core/src/gpumat.cpp
modules/core/src/opengl_interop.cpp
modules/gpu/perf/main.cpp
modules/gpu/src/arithm.cpp
modules/gpu/src/bgfg_gmg.cpp
modules/gpu/src/bgfg_mog.cpp
modules/gpu/src/bgfg_vibe.cpp
modules/gpu/src/bilateral_filter.cpp
modules/gpu/src/blend.cpp
modules/gpu/src/brute_force_matcher.cpp
modules/gpu/src/calib3d.cpp
modules/gpu/src/cascadeclassifier.cpp
modules/gpu/src/color.cpp
modules/gpu/src/cuda/NV12ToARGB.cu
modules/gpu/src/cuda/bf_knnmatch.cu
modules/gpu/src/cuda/bf_match.cu
modules/gpu/src/cuda/bf_radius_match.cu
modules/gpu/src/cuda/bgfg_gmg.cu
modules/gpu/src/cuda/bgfg_mog.cu
modules/gpu/src/cuda/bgfg_vibe.cu
modules/gpu/src/cuda/bilateral_filter.cu
modules/gpu/src/cuda/blend.cu
modules/gpu/src/cuda/calib3d.cu
modules/gpu/src/cuda/canny.cu
modules/gpu/src/cuda/ccomponetns.cu
modules/gpu/src/cuda/color.cu
modules/gpu/src/cuda/column_filter.cu
modules/gpu/src/cuda/copy_make_border.cu
modules/gpu/src/cuda/debayer.cu
modules/gpu/src/cuda/disp_bilateral_filter.cu
modules/gpu/src/cuda/element_operations.cu
modules/gpu/src/cuda/fast.cu
modules/gpu/src/cuda/fgd_bgfg.cu
modules/gpu/src/cuda/gftt.cu
modules/gpu/src/cuda/global_motion.cu
modules/gpu/src/cuda/hist.cu
modules/gpu/src/cuda/hog.cu
modules/gpu/src/cuda/hough.cu
modules/gpu/src/cuda/imgproc.cu
modules/gpu/src/cuda/integral_image.cu
modules/gpu/src/cuda/lbp.cu
modules/gpu/src/cuda/match_template.cu
modules/gpu/src/cuda/mathfunc.cu
modules/gpu/src/cuda/matrix_reductions.cu
modules/gpu/src/cuda/nlm.cu
modules/gpu/src/cuda/optical_flow.cu
modules/gpu/src/cuda/optical_flow_farneback.cu
modules/gpu/src/cuda/orb.cu
modules/gpu/src/cuda/pyr_down.cu
modules/gpu/src/cuda/pyr_up.cu
modules/gpu/src/cuda/pyrlk.cu
modules/gpu/src/cuda/remap.cu
modules/gpu/src/cuda/resize.cu
modules/gpu/src/cuda/rgb_to_yv12.cu
modules/gpu/src/cuda/row_filter.cu
modules/gpu/src/cuda/split_merge.cu
modules/gpu/src/cuda/stereobm.cu
modules/gpu/src/cuda/stereobp.cu
modules/gpu/src/cuda/stereocsbp.cu
modules/gpu/src/cuda/surf.cu
modules/gpu/src/cuda/warp.cu
modules/gpu/src/cudastream.cpp
modules/gpu/src/denoising.cpp
modules/gpu/src/element_operations.cpp
modules/gpu/src/fast.cpp
modules/gpu/src/fgd_bgfg.cpp
modules/gpu/src/filtering.cpp
modules/gpu/src/gftt.cpp
modules/gpu/src/global_motion.cpp
modules/gpu/src/graphcuts.cpp
modules/gpu/src/hog.cpp
modules/gpu/src/hough.cpp
modules/gpu/src/imgproc.cpp
modules/gpu/src/match_template.cpp
modules/gpu/src/matrix_operations.cpp
modules/gpu/src/matrix_reductions.cpp
modules/gpu/src/mssegmentation.cpp
modules/gpu/src/nvidia/NCVBroxOpticalFlow.cu
modules/gpu/src/nvidia/NCVHaarObjectDetection.cu
modules/gpu/src/nvidia/NPP_staging/NPP_staging.cu
modules/gpu/src/nvidia/core/NCV.cu
modules/gpu/src/nvidia/core/NCVPyramid.cu
modules/gpu/src/optical_flow.cpp
modules/gpu/src/optical_flow_farneback.cpp
modules/gpu/src/orb.cpp
modules/gpu/src/pyramids.cpp
modules/gpu/src/pyrlk.cpp
modules/gpu/src/remap.cpp
modules/gpu/src/resize.cpp
modules/gpu/src/split_merge.cpp
modules/gpu/src/stereobm.cpp
modules/gpu/src/stereobp.cpp
modules/gpu/src/stereocsbp.cpp
modules/gpu/src/surf.cpp
modules/gpu/src/video_reader.cpp
modules/gpu/src/video_writer.cpp
modules/gpu/src/warp.cpp
modules/gpu/test/main.cpp
modules/gpu/test/nvidia/TestCompact.cpp
modules/gpu/test/nvidia/TestDrawRects.cpp
modules/gpu/test/nvidia/TestHaarCascadeApplication.cpp
modules/gpu/test/nvidia/TestHaarCascadeLoader.cpp
modules/gpu/test/nvidia/TestHypothesesFilter.cpp
modules/gpu/test/nvidia/TestHypothesesGrow.cpp
modules/gpu/test/nvidia/TestIntegralImage.cpp
modules/gpu/test/nvidia/TestIntegralImageSquared.cpp
modules/gpu/test/nvidia/TestRectStdDev.cpp
modules/gpu/test/nvidia/TestResize.cpp
modules/gpu/test/nvidia/TestTranspose.cpp
modules/gpu/test/nvidia/main_nvidia.cpp
modules/gpu/test/test_nvidia.cpp

index f475136..c3da05e 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "opencv2/gpu/device/saturate_cast.hpp"\r
 #include "opencv2/gpu/device/transform.hpp"\r
 #include "opencv2/gpu/device/functional.hpp"\r
@@ -340,3 +342,5 @@ namespace cv { namespace gpu { namespace device
 # pragma clang diagnostic pop\r
 #endif\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 07d7363..90162e7 100644 (file)
@@ -94,7 +94,7 @@ namespace
 \r
 bool cv::gpu::TargetArchs::builtWith(cv::gpu::FeatureSet feature_set)\r
 {\r
-#ifdef HAVE_CUDA\r
+#if defined HAVE_CUDA && !defined(CUDA_DISABLER)\r
     return ::compareToSet(CUDA_ARCH_FEATURES, feature_set, std::greater_equal<int>());\r
 #else\r
     (void)feature_set;\r
@@ -109,7 +109,7 @@ bool cv::gpu::TargetArchs::has(int major, int minor)
 \r
 bool cv::gpu::TargetArchs::hasPtx(int major, int minor)\r
 {\r
-#ifdef HAVE_CUDA\r
+#if defined HAVE_CUDA && !defined(CUDA_DISABLER)\r
     return ::compareToSet(CUDA_ARCH_PTX, major * 10 + minor, std::equal_to<int>());\r
 #else\r
     (void)major;\r
@@ -120,7 +120,7 @@ bool cv::gpu::TargetArchs::hasPtx(int major, int minor)
 \r
 bool cv::gpu::TargetArchs::hasBin(int major, int minor)\r
 {\r
-#if defined (HAVE_CUDA)\r
+#if defined (HAVE_CUDA) && !defined(CUDA_DISABLER)\r
     return ::compareToSet(CUDA_ARCH_BIN, major * 10 + minor, std::equal_to<int>());\r
 #else\r
     (void)major;\r
@@ -131,7 +131,7 @@ bool cv::gpu::TargetArchs::hasBin(int major, int minor)
 \r
 bool cv::gpu::TargetArchs::hasEqualOrLessPtx(int major, int minor)\r
 {\r
-#ifdef HAVE_CUDA\r
+#if defined HAVE_CUDA && !defined(CUDA_DISABLER)\r
     return ::compareToSet(CUDA_ARCH_PTX, major * 10 + minor,\r
                      std::less_equal<int>());\r
 #else\r
@@ -149,7 +149,7 @@ bool cv::gpu::TargetArchs::hasEqualOrGreater(int major, int minor)
 \r
 bool cv::gpu::TargetArchs::hasEqualOrGreaterPtx(int major, int minor)\r
 {\r
-#ifdef HAVE_CUDA\r
+#if defined HAVE_CUDA && !defined(CUDA_DISABLER)\r
     return ::compareToSet(CUDA_ARCH_PTX, major * 10 + minor,\r
                      std::greater_equal<int>());\r
 #else\r
@@ -161,7 +161,7 @@ bool cv::gpu::TargetArchs::hasEqualOrGreaterPtx(int major, int minor)
 \r
 bool cv::gpu::TargetArchs::hasEqualOrGreaterBin(int major, int minor)\r
 {\r
-#ifdef HAVE_CUDA\r
+#if defined HAVE_CUDA && !defined(CUDA_DISABLER)\r
     return ::compareToSet(CUDA_ARCH_BIN, major * 10 + minor,\r
                      std::greater_equal<int>());\r
 #else\r
@@ -171,7 +171,7 @@ bool cv::gpu::TargetArchs::hasEqualOrGreaterBin(int major, int minor)
 #endif\r
 }\r
 \r
-#ifndef HAVE_CUDA\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
 \r
 #define throw_nogpu CV_Error(CV_GpuNotSupported, "The library is compiled without CUDA support")\r
 \r
@@ -728,7 +728,7 @@ namespace
     };\r
 }\r
 \r
-#ifndef HAVE_CUDA\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
 \r
 namespace\r
 {\r
index 5895363..a549366 100644 (file)
@@ -70,7 +70,7 @@ using namespace cv::gpu;
 #else\r
     #define throw_nogl CV_Error(CV_OpenGlNotSupported, "OpenGL context doesn't exist")\r
 \r
-    #ifndef HAVE_CUDA\r
+    #if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
         #define throw_nocuda CV_Error(CV_GpuNotSupported, "The library is compiled without CUDA support")\r
     #else\r
         #if defined(__GNUC__)\r
@@ -162,7 +162,7 @@ void icvSetOpenGlFuncTab(const CvOpenGlFuncTab* tab)
 \r
 void cv::gpu::setGlDevice(int device)\r
 {\r
-#ifndef HAVE_CUDA\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
     (void)device;\r
     throw_nocuda;\r
 #else\r
@@ -538,7 +538,7 @@ cv::GlBuffer::GlBuffer(InputArray mat_, Usage _usage) : rows_(0), cols_(0), type
 \r
     if (kind == _InputArray::GPU_MAT)\r
     {\r
-        #ifndef HAVE_CUDA\r
+        #if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
             throw_nocuda;\r
         #else\r
             GpuMat d_mat = mat_.getGpuMat();\r
@@ -609,7 +609,7 @@ void cv::GlBuffer::copyFrom(InputArray mat_)
         }\r
     case _InputArray::GPU_MAT:\r
         {\r
-            #ifndef HAVE_CUDA\r
+            #if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
                 throw_nocuda;\r
             #else\r
                 GpuMat d_mat = mat_.getGpuMat();\r
@@ -670,7 +670,7 @@ GpuMat cv::GlBuffer::mapDevice()
     throw_nogl;\r
     return GpuMat();\r
 #else\r
-    #ifndef HAVE_CUDA\r
+    #if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
         throw_nocuda;\r
         return GpuMat();\r
     #else\r
@@ -684,7 +684,7 @@ void cv::GlBuffer::unmapDevice()
 #ifndef HAVE_OPENGL\r
     throw_nogl;\r
 #else\r
-    #ifndef HAVE_CUDA\r
+    #if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
         throw_nocuda;\r
     #else\r
         impl_->unmapDevice();\r
@@ -976,7 +976,7 @@ cv::GlTexture::GlTexture(InputArray mat_, bool bgra) : rows_(0), cols_(0), type_
         }\r
     case _InputArray::GPU_MAT:\r
         {\r
-            #ifndef HAVE_CUDA\r
+            #if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
                 throw_nocuda;\r
             #else\r
                 GpuMat d_mat = mat_.getGpuMat();\r
@@ -1056,7 +1056,7 @@ void cv::GlTexture::copyFrom(InputArray mat_, bool bgra)
         }\r
     case _InputArray::GPU_MAT:\r
         {\r
-            #ifndef HAVE_CUDA\r
+            #if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
                 throw_nocuda;\r
             #else\r
                 GpuMat d_mat = mat_.getGpuMat();\r
index 8d34041..8af255b 100644 (file)
@@ -31,7 +31,7 @@ void printOsInfo()
 \r
 void printCudaInfo()\r
 {\r
-#ifndef HAVE_CUDA\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
     cout << "OpenCV was built without CUDA support \n" << endl;\r
 #else\r
     int driver;\r
@@ -99,7 +99,7 @@ int main(int argc, char** argv)
 \r
     int device = cmd.get<int>("device");\r
     bool cpu   = cmd.has("cpu");\r
-#ifndef HAVE_CUDA\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
     cpu = true;\r
 #endif\r
 \r
index 67f3936..b5d0735 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 using namespace std;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::gemm(const GpuMat&, const GpuMat&, double, const GpuMat&, double, GpuMat&, int, Stream&) { throw_nogpu(); }\r
 void cv::gpu::transpose(const GpuMat&, GpuMat&, Stream&) { throw_nogpu(); }\r
index f4133f4..46f3ba2 100644 (file)
@@ -42,7 +42,7 @@
 
 #include "precomp.hpp"
 
-#ifndef HAVE_CUDA
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)
 
 cv::gpu::GMG_GPU::GMG_GPU() { throw_nogpu(); }
 void cv::gpu::GMG_GPU::initialize(cv::Size, float, float) { throw_nogpu(); }
index 67cac76..05b4ffb 100644 (file)
@@ -42,7 +42,7 @@
 
 #include "precomp.hpp"
 
-#ifndef HAVE_CUDA
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)
 
 cv::gpu::MOG_GPU::MOG_GPU(int) { throw_nogpu(); }
 void cv::gpu::MOG_GPU::initialize(cv::Size, int) { throw_nogpu(); }
index cf6d3c5..ff7e580 100644 (file)
@@ -42,7 +42,7 @@
 
 #include "precomp.hpp"
 
-#ifndef HAVE_CUDA
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)
 
 cv::gpu::VIBE_GPU::VIBE_GPU(unsigned long) { throw_nogpu(); }
 void cv::gpu::VIBE_GPU::initialize(const GpuMat&, Stream&) { throw_nogpu(); }
index facd1ee..b4920a0 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 using namespace std;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 cv::gpu::DisparityBilateralFilter::DisparityBilateralFilter(int, int, int) { throw_nogpu(); }\r
 cv::gpu::DisparityBilateralFilter::DisparityBilateralFilter(int, int, int, float, float, float) { throw_nogpu(); }\r
index 7c2a86e..4023a08 100644 (file)
@@ -46,7 +46,7 @@ using namespace std;
 using namespace cv;\r
 using namespace cv::gpu;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::blendLinear(const GpuMat&, const GpuMat&, const GpuMat&, const GpuMat&, GpuMat&, Stream&) { throw_nogpu(); }\r
 \r
index 5e0ef21..9b8a9c9 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 using namespace std;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 cv::gpu::BFMatcher_GPU::BFMatcher_GPU(int) { throw_nogpu(); }\r
 void cv::gpu::BFMatcher_GPU::add(const vector<GpuMat>&) { throw_nogpu(); }\r
index efbd76e..7e1de91 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 using namespace std;\r
 \r
-#if !defined(HAVE_CUDA)\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
 \r
 void cv::gpu::transformPoints(const GpuMat&, const Mat&, const Mat&, GpuMat&, Stream&) { throw_nogpu(); }\r
 \r
index d6fb10c..676bca5 100644 (file)
@@ -48,7 +48,7 @@ using namespace cv;
 using namespace cv::gpu;
 using namespace std;
 
-#if !defined (HAVE_CUDA)
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)
 
 cv::gpu::CascadeClassifier_GPU::CascadeClassifier_GPU()               { throw_nogpu(); }
 cv::gpu::CascadeClassifier_GPU::CascadeClassifier_GPU(const string&)  { throw_nogpu(); }
index b8c5942..8115ac0 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;\r
 using namespace cv::gpu;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::cvtColor(const GpuMat&, GpuMat&, int, int, Stream&) { throw_nogpu(); }\r
 void cv::gpu::swapChannels(GpuMat&, const int[], Stream&) { throw_nogpu(); }\r
index 32d5749..a860c85 100644 (file)
@@ -58,6 +58,8 @@
     source and converts to output in ARGB format\r
 */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "opencv2/gpu/device/common.hpp"\r
 \r
 namespace cv { namespace gpu { namespace device {\r
@@ -206,3 +208,5 @@ namespace cv { namespace gpu { namespace device {
         }\r
     }\r
 }}}\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index b545cb5..fac2f20 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/limits.hpp"\r
 #include "opencv2/gpu/device/vec_distance.hpp"\r
@@ -1160,3 +1162,6 @@ namespace cv { namespace gpu { namespace device
         template void match2Hamming_gpu<int   >(const PtrStepSzb& query, const PtrStepSzb& trains, const PtrStepSz<PtrStepb>& masks, const PtrStepSzb& trainIdx, const PtrStepSzb& imgIdx, const PtrStepSzb& distance, int cc, cudaStream_t stream);\r
     } // namespace bf_knnmatch\r
 }}} // namespace cv { namespace gpu { namespace device {\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index d8489d9..c50a076 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/limits.hpp"\r
 #include "opencv2/gpu/device/vec_distance.hpp"\r
@@ -778,3 +780,6 @@ namespace cv { namespace gpu { namespace device
         template void matchHamming_gpu<int   >(const PtrStepSzb& query, const PtrStepSzb& trains, const PtrStepSz<PtrStepb>& masks, const PtrStepSzi& trainIdx, const PtrStepSzi& imgIdx, const PtrStepSzf& distance, int cc, cudaStream_t stream);\r
     } // namespace bf_match\r
 }}} // namespace cv { namespace gpu { namespace device {\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 63dcd01..1954bf9 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/limits.hpp"\r
 #include "opencv2/gpu/device/vec_distance.hpp"\r
@@ -465,3 +467,6 @@ namespace cv { namespace gpu { namespace device
         template void matchHamming_gpu<int   >(const PtrStepSzb& query, const PtrStepSzb* trains, int n, float maxDistance, const PtrStepSzb* masks, const PtrStepSzi& trainIdx, const PtrStepSzi& imgIdx, const PtrStepSzf& distance, const PtrStepSz<unsigned int>& nMatches, int cc, cudaStream_t stream);\r
     } // namespace bf_radius_match\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 7fee2d8..8e2fd3b 100644 (file)
@@ -40,6 +40,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include "opencv2/gpu/device/common.hpp"
 #include "opencv2/gpu/device/vec_traits.hpp"
 #include "opencv2/gpu/device/limits.hpp"
@@ -251,3 +253,6 @@ namespace cv { namespace gpu { namespace device {
         template void update_gpu<float4 >(PtrStepSzb frame, PtrStepb fgmask, PtrStepSzi colors, PtrStepf weights, PtrStepi nfeatures, int frameNum, float learningRate, bool updateBackgroundModel, cudaStream_t stream);
     }
 }}}
+
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index dcfd502..4f78dbd 100644 (file)
@@ -40,6 +40,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include "opencv2/gpu/device/common.hpp"
 #include "opencv2/gpu/device/vec_traits.hpp"
 #include "opencv2/gpu/device/vec_math.hpp"
@@ -757,3 +759,6 @@ namespace cv { namespace gpu { namespace device
         }
     }
 }}}
+
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 2b3b707..72ea7f0 100644 (file)
@@ -40,6 +40,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include "opencv2/gpu/device/common.hpp"
 
 namespace cv { namespace gpu { namespace device
@@ -251,3 +253,6 @@ namespace cv { namespace gpu { namespace device
         }
     }
 }}}
+
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 9e9135e..15f7b19 100644 (file)
@@ -41,6 +41,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 \r
 #include "opencv2/gpu/device/vec_traits.hpp"\r
@@ -194,3 +196,6 @@ OCV_INSTANTIATE_BILATERAL_FILTER(float)
 //OCV_INSTANTIATE_BILATERAL_FILTER(float2)\r
 OCV_INSTANTIATE_BILATERAL_FILTER(float3)\r
 OCV_INSTANTIATE_BILATERAL_FILTER(float4)\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index e716edc..841258f 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 \r
 namespace cv { namespace gpu { namespace device\r
@@ -114,3 +116,6 @@ namespace cv { namespace gpu { namespace device
         }\r
     } // namespace blend\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 5def4ad..40c8475 100644 (file)
@@ -40,6 +40,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include "internal_shared.hpp"
 #include "opencv2/gpu/device/transform.hpp"
 #include "opencv2/gpu/device/functional.hpp"
@@ -189,3 +191,6 @@ namespace cv { namespace gpu { namespace device
         }
     } // namespace solvepnp_ransac
 }}} // namespace cv { namespace gpu { namespace device
+
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 95028c2..6667772 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <utility>\r
 #include <algorithm>\r
 #include "internal_shared.hpp"\r
@@ -494,3 +496,6 @@ namespace cv { namespace gpu { namespace device
         }\r
     } // namespace canny\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index e92615e..62e8137 100644 (file)
@@ -39,6 +39,8 @@
 // the use of this software, even if advised of the possibility of such damage.
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include <opencv2/gpu/device/common.hpp>
 #include <opencv2/gpu/device/vec_traits.hpp>
 #include <opencv2/gpu/device/vec_math.hpp>
@@ -525,4 +527,6 @@ namespace cv { namespace gpu { namespace device
                 cudaSafeCall( cudaDeviceSynchronize() );
         }
     }
-} } }
\ No newline at end of file
+} } }
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 54925ab..7d2befe 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <internal_shared.hpp>\r
 #include <opencv2/gpu/device/transform.hpp>\r
 #include <opencv2/gpu/device/color.hpp>\r
@@ -378,3 +380,5 @@ namespace cv { namespace gpu { namespace device
     #undef OPENCV_GPU_IMPLEMENT_CVTCOLOR_ALL\r
     #undef OPENCV_GPU_IMPLEMENT_CVTCOLOR_8U32F\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index f283bf6..7f5d247 100644 (file)
@@ -41,6 +41,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/saturate_cast.hpp"\r
 #include "opencv2/gpu/device/vec_math.hpp"\r
@@ -378,3 +380,6 @@ namespace cv { namespace gpu { namespace device
         template void linearColumnFilter_gpu<float , float >(PtrStepSzb src, PtrStepSzb dst, const float kernel[], int ksize, int anchor, int brd_type, int cc, cudaStream_t stream);\r
     } // namespace column_filter\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 71859f2..74120ba 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/border_interpolate.hpp"\r
 \r
@@ -125,3 +127,5 @@ namespace cv { namespace gpu { namespace device
         template void copyMakeBorder_gpu<float, 4>(const PtrStepSzb& src, const PtrStepSzb& dst, int top, int left, int borderMode, const float* borderValue, cudaStream_t stream);\r
     } // namespace imgproc\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 29e4b4b..57322ed 100644 (file)
@@ -40,6 +40,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include <opencv2/gpu/device/common.hpp>
 #include <opencv2/gpu/device/vec_traits.hpp>
 #include <opencv2/gpu/device/vec_math.hpp>
@@ -325,3 +327,5 @@ namespace cv { namespace gpu {
         template void Bayer2BGR_16u_gpu<4>(PtrStepSzb src, PtrStepSzb dst, bool blue_last, bool start_with_green, cudaStream_t stream);
     }
 }}
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index e91cf9c..56b39ea 100644 (file)
@@ -40,6 +40,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include "internal_shared.hpp"
 #include "opencv2/gpu/device/limits.hpp"
 
@@ -217,3 +219,5 @@ namespace cv { namespace gpu { namespace device
         template void disp_bilateral_filter<short>(PtrStepSz<short> disp, PtrStepSzb img, int channels, int iters, cudaStream_t stream);
     } // namespace bilateral_filter
 }}} // namespace cv { namespace gpu { namespace device
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 19c328c..deaa94a 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/functional.hpp"\r
 #include "opencv2/gpu/device/vec_math.hpp"\r
@@ -2367,3 +2369,5 @@ namespace cv { namespace gpu { namespace device
     template void addWeighted_gpu<double, double, float>(const PtrStepSzb& src1, double alpha, const PtrStepSzb& src2, double beta, double gamma, const PtrStepSzb& dst, cudaStream_t stream);\r
     template void addWeighted_gpu<double, double, double>(const PtrStepSzb& src1, double alpha, const PtrStepSzb& src2, double beta, double gamma, const PtrStepSzb& dst, cudaStream_t stream);\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 75237ee..0661888 100644 (file)
@@ -45,6 +45,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "opencv2/gpu/device/common.hpp"\r
 #include "opencv2/gpu/device/utility.hpp"\r
 \r
@@ -383,3 +385,6 @@ namespace cv { namespace gpu { namespace device
         }\r
     } // namespace fast\r
 }}}\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index b19fff4..6040d02 100644 (file)
@@ -40,6 +40,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include "opencv2/gpu/device/common.hpp"
 #include "opencv2/gpu/device/vec_math.hpp"
 #include "opencv2/gpu/device/limits.hpp"
@@ -842,3 +844,5 @@ namespace bgfg
     template void updateBackgroundModel_gpu<uchar4, uchar4, uchar3>(PtrStepSzb prevFrame, PtrStepSzb curFrame, PtrStepSzb Ftd, PtrStepSzb Fbd, PtrStepSzb foreground, PtrStepSzb background, int deltaC, int deltaCC, float alpha1, float alpha2, float alpha3, int N1c, int N1cc, int N2c, int N2cc, float T, cudaStream_t stream);
     template void updateBackgroundModel_gpu<uchar4, uchar4, uchar4>(PtrStepSzb prevFrame, PtrStepSzb curFrame, PtrStepSzb Ftd, PtrStepSzb Fbd, PtrStepSzb foreground, PtrStepSzb background, int deltaC, int deltaCC, float alpha1, float alpha2, float alpha3, int N1c, int N1cc, int N2c, int N2cc, float T, cudaStream_t stream);
 }
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 03e1fa2..356d34c 100644 (file)
@@ -45,6 +45,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <thrust/sort.h>\r
 \r
 #include "opencv2/gpu/device/common.hpp"\r
@@ -144,3 +146,6 @@ namespace cv { namespace gpu { namespace device
         }\r
     } // namespace optical_flow\r
 }}}\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 8a15071..c48274a 100644 (file)
@@ -41,6 +41,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include "thrust/device_ptr.h"
 #include "thrust/remove.h"
 #include "thrust/functional.h"
@@ -113,3 +115,6 @@ void calcWobbleSuppressionMaps(
 }
 
 }}}}
+
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index a337d20..363050a 100644 (file)
@@ -41,6 +41,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/utility.hpp"\r
 #include "opencv2/gpu/device/saturate_cast.hpp"\r
@@ -217,3 +219,6 @@ namespace cv { namespace gpu { namespace device
         }\r
     } // namespace hist\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 3a3abd4..801e9cd 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 \r
 namespace cv { namespace gpu { namespace device\r
@@ -864,3 +866,6 @@ namespace cv { namespace gpu { namespace device
         void resize_8UC4(const PtrStepSzb& src, PtrStepSzb dst) { resize_for_hog<uchar4>(src, dst, resize8UC4_tex); }\r
     } // namespace hog\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 712b91a..ac65b36 100644 (file)
@@ -40,6 +40,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include <thrust/sort.h>
 #include "opencv2/gpu/device/common.hpp"
 #include "opencv2/gpu/device/emulation.hpp"
@@ -1505,3 +1507,6 @@ namespace cv { namespace gpu { namespace device
         }
     }
 }}}
+
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 494da8d..9a75c52 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/vec_traits.hpp"\r
 #include "opencv2/gpu/device/vec_math.hpp"\r
@@ -997,3 +999,6 @@ namespace cv { namespace gpu { namespace device
         template void filter2D_gpu<float4, float4>(PtrStepSzb srcWhole, int ofsX, int ofsY, PtrStepSzb dst, int kWidth, int kHeight, int anchorX, int anchorY, const float* kernel, int borderMode, const float* borderValue, cudaStream_t stream);\r
     } // namespace imgproc\r
 }}} // namespace cv { namespace gpu { namespace device {\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 0405f66..558f908 100644 (file)
@@ -40,6 +40,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include "opencv2/gpu/device/common.hpp"
 
 namespace cv { namespace gpu { namespace device
@@ -383,3 +385,5 @@ namespace cv { namespace gpu { namespace device
         }
     }
 }}}
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index d280344..ce5e9ae 100644 (file)
@@ -40,6 +40,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include <opencv2/gpu/device/lbp.hpp>
 #include <opencv2/gpu/device/vec_traits.hpp>
 #include <opencv2/gpu/device/saturate_cast.hpp>
@@ -295,4 +297,6 @@ namespace cv { namespace gpu { namespace device
             lbp_cascade<<<grid, block>>>(cascade, frameW, frameH, windowW, windowH, initialScale, factor, workAmount, integral.ptr(), integral.step / sizeof(int), objects, classified);
         }
     }
-}}}
\ No newline at end of file
+}}}
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 6fd6359..1b81e87 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/vec_math.hpp"\r
 \r
@@ -909,3 +911,6 @@ namespace cv { namespace gpu { namespace device
         }\r
     } //namespace match_template\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index b6969fc..aa502d1 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 \r
 namespace cv { namespace gpu { namespace device\r
@@ -211,3 +213,5 @@ namespace cv { namespace gpu { namespace device
         }\r
     } // namespace mathfunc\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 26eca02..b7da215 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/limits.hpp"\r
 #include "opencv2/gpu/device/saturate_cast.hpp"\r
@@ -2097,3 +2099,5 @@ namespace cv { namespace gpu { namespace device
         template void reduceCols_gpu<float, float, float>(const PtrStepSzb& src, int cn, const PtrStepSzb& dst, int reduceOp, cudaStream_t stream);\r
     } // namespace mattrix_reductions\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index a175d5f..b65962d 100644 (file)
@@ -41,6 +41,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include "internal_shared.hpp"
 
 #include "opencv2/gpu/device/vec_traits.hpp"
@@ -168,3 +170,5 @@ namespace cv { namespace gpu { namespace device
         template void nlm_bruteforce_gpu<uchar3>(const PtrStepSzb&, PtrStepSzb, int, int, float, int, cudaStream_t);
     }
 }}}
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index c0961c3..db529c4 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "opencv2/gpu/device/common.hpp"\r
 \r
 namespace cv { namespace gpu { namespace device\r
@@ -214,3 +216,5 @@ namespace cv { namespace gpu { namespace device
         }\r
     }\r
 }}}\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index f83e440..8231775 100644 (file)
@@ -40,6 +40,8 @@
 //
 //M*/
 
+#if !defined CUDA_DISABLER
+
 #include <stdio.h>
 #include "internal_shared.hpp"
 #include "opencv2/gpu/device/common.hpp"
@@ -645,3 +647,5 @@ namespace cv { namespace gpu { namespace device { namespace optflow_farneback
 
 }}}} // namespace cv { namespace gpu { namespace device { namespace optflow_farneback
 
+
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 0d5ce37..d136472 100644 (file)
@@ -45,6 +45,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <thrust/sort.h>\r
 \r
 #include "opencv2/gpu/device/common.hpp"\r
@@ -415,4 +417,6 @@ namespace cv { namespace gpu { namespace device
                 cudaSafeCall( cudaDeviceSynchronize() );\r
         }\r
     }\r
-}}}
\ No newline at end of file
+}}}\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index ca9a598..db5f9d2 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "opencv2/gpu/device/common.hpp"\r
 #include "opencv2/gpu/device/border_interpolate.hpp"\r
 #include "opencv2/gpu/device/vec_traits.hpp"\r
@@ -221,3 +223,6 @@ namespace cv { namespace gpu { namespace device
         template void pyrDown_gpu<float4>(PtrStepSzb src, PtrStepSzb dst, cudaStream_t stream);\r
     } // namespace imgproc\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 996663e..89775a0 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/border_interpolate.hpp"\r
 #include "opencv2/gpu/device/vec_traits.hpp"\r
@@ -190,3 +192,5 @@ namespace cv { namespace gpu { namespace device
         template void pyrUp_gpu<float4>(PtrStepSzb src, PtrStepSzb dst, cudaStream_t stream);\r
     } // namespace imgproc\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index ef3f424..c348591 100644 (file)
@@ -45,6 +45,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "opencv2/gpu/device/common.hpp"\r
 #include "opencv2/gpu/device/utility.hpp"\r
 #include "opencv2/gpu/device/functional.hpp"\r
@@ -678,3 +680,5 @@ namespace cv { namespace gpu { namespace device
         }\r
     }\r
 }}}\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 896e48b..8f7ce5b 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/border_interpolate.hpp"\r
 #include "opencv2/gpu/device/vec_traits.hpp"\r
@@ -267,3 +269,6 @@ namespace cv { namespace gpu { namespace device
         template void remap_gpu<float4>(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, PtrStepSzf xmap, PtrStepSzf ymap, PtrStepSzb dst, int interpolation, int borderMode, const float* borderValue, cudaStream_t stream, int cc);\r
     } // namespace imgproc\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index e5faeb8..59424f5 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/border_interpolate.hpp"\r
 #include "opencv2/gpu/device/vec_traits.hpp"\r
@@ -295,3 +297,6 @@ namespace cv { namespace gpu { namespace device
 \r
     } // namespace imgproc\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 3ef0a3e..29ee794 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "opencv2/gpu/device/common.hpp"\r
 #include "opencv2/gpu/device/vec_traits.hpp"\r
 \r
@@ -169,3 +171,5 @@ namespace cv { namespace gpu { namespace device
         }\r
     }\r
 }}}\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 5b3d044..7076f38 100644 (file)
@@ -41,6 +41,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/saturate_cast.hpp"\r
 #include "opencv2/gpu/device/vec_math.hpp"\r
@@ -377,3 +379,6 @@ namespace cv { namespace gpu { namespace device
         template void linearRowFilter_gpu<float , float >(PtrStepSzb src, PtrStepSzb dst, const float kernel[], int ksize, int anchor, int brd_type, int cc, cudaStream_t stream);\r
     } // namespace row_filter\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index edf19c9..7613e93 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 \r
 namespace cv { namespace gpu { namespace device\r
@@ -504,3 +506,6 @@ namespace cv { namespace gpu { namespace device
         }\r
     } // namespace split_merge\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 3f36d0f..b252a5e 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 \r
 namespace cv { namespace gpu { namespace device\r
@@ -533,3 +535,6 @@ namespace cv { namespace gpu { namespace device
         }\r
     } // namespace stereobm\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index cf9a743..62d4e9a 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/saturate_cast.hpp"\r
 #include "opencv2/gpu/device/limits.hpp"\r
@@ -532,3 +534,5 @@ namespace cv { namespace gpu { namespace device
         template void output_gpu<float>(const PtrStepSzb& u, const PtrStepSzb& d, const PtrStepSzb& l, const PtrStepSzb& r, const PtrStepSzb& data, const PtrStepSz<short>& disp, cudaStream_t stream);\r
     } // namespace stereobp\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 6001d90..4c7a2da 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/saturate_cast.hpp"\r
 #include "opencv2/gpu/device/limits.hpp"\r
@@ -886,3 +888,5 @@ namespace cv { namespace gpu { namespace device
             const PtrStepSz<short>& disp, int nr_plane, cudaStream_t stream);\r
     } // namespace stereocsbp\r
 }}} // namespace cv { namespace gpu { namespace device {\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 8132d7f..509132f 100644 (file)
@@ -45,6 +45,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/limits.hpp"\r
 #include "opencv2/gpu/device/saturate_cast.hpp"\r
@@ -990,3 +992,6 @@ namespace cv { namespace gpu { namespace device
         }\r
     } // namespace surf\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index e3569e7..a62037c 100644 (file)
@@ -40,6 +40,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "internal_shared.hpp"\r
 #include "opencv2/gpu/device/border_interpolate.hpp"\r
 #include "opencv2/gpu/device/vec_traits.hpp"\r
@@ -382,3 +384,6 @@ namespace cv { namespace gpu { namespace device
         template void warpPerspective_gpu<float4>(PtrStepSzb src, PtrStepSzb srcWhole, int xoff, int yoff, float coeffs[3 * 3], PtrStepSzb dst, int interpolation, int borderMode, const float* borderValue, cudaStream_t stream, int cc);\r
     } // namespace imgproc\r
 }}} // namespace cv { namespace gpu { namespace device\r
+\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 569b460..4b0a81a 100644 (file)
 using namespace cv;\r
 using namespace cv::gpu;\r
 \r
+#if defined HAVE_CUDA\r
+\r
+struct Stream::Impl\r
+{\r
+    static cudaStream_t getStream(const Impl* impl) { return impl ? impl->stream : 0; }\r
+    cudaStream_t stream;\r
+    int ref_counter;\r
+};\r
+\r
+#include "opencv2/gpu/stream_accessor.hpp"\r
+\r
+CV_EXPORTS cudaStream_t cv::gpu::StreamAccessor::getStream(const Stream& stream)\r
+{\r
+    return Stream::Impl::getStream(stream.impl);\r
+};\r
+\r
+#endif /* !defined (HAVE_CUDA) */\r
 \r
-#if !defined (HAVE_CUDA)\r
+\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::Stream::create() { throw_nogpu(); }\r
 void cv::gpu::Stream::release() { throw_nogpu(); }\r
@@ -69,8 +87,6 @@ cv::gpu::Stream::operator bool() const { throw_nogpu(); return false; }
 \r
 #else /* !defined (HAVE_CUDA) */\r
 \r
-#include "opencv2/gpu/stream_accessor.hpp"\r
-\r
 namespace cv { namespace gpu\r
 {\r
     void copyWithMask(const GpuMat& src, GpuMat& dst, const GpuMat& mask, cudaStream_t stream);\r
@@ -79,13 +95,6 @@ namespace cv { namespace gpu
     void setTo(GpuMat& src, Scalar s, const GpuMat& mask, cudaStream_t stream);\r
 }}\r
 \r
-struct Stream::Impl\r
-{\r
-    static cudaStream_t getStream(const Impl* impl) { return impl ? impl->stream : 0; }\r
-    cudaStream_t stream;\r
-    int ref_counter;\r
-};\r
-\r
 namespace\r
 {\r
     template<class S, class D> void devcopy(const S& src, D& dst, cudaStream_t s, cudaMemcpyKind k)\r
@@ -96,11 +105,6 @@ namespace
     };\r
 }\r
 \r
-CV_EXPORTS cudaStream_t cv::gpu::StreamAccessor::getStream(const Stream& stream)\r
-{\r
-    return Stream::Impl::getStream(stream.impl);\r
-};\r
-\r
 void cv::gpu::Stream::create()\r
 {\r
     if (impl)\r
index 7a85de9..2d56020 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;
 using namespace cv::gpu;
 
-#if !defined (HAVE_CUDA)
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)
 
 void cv::gpu::bilateralFilter(const GpuMat&, GpuMat&, int, float, float, int, Stream&) { throw_nogpu(); }
 void cv::gpu::nonLocalMeans(const GpuMat&, GpuMat&, float, int, int, int, Stream&) { throw_nogpu(); }
index eb1581f..4f282b5 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;\r
 using namespace cv::gpu;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::add(const GpuMat&, const GpuMat&, GpuMat&, const GpuMat&, int, Stream&) { throw_nogpu(); }\r
 void cv::gpu::add(const GpuMat&, const Scalar&, GpuMat&, const GpuMat&, int, Stream&) { throw_nogpu(); }\r
index 5b61e60..f8edd23 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 using namespace std;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 cv::gpu::FAST_GPU::FAST_GPU(int, bool, double) { throw_nogpu(); }\r
 void cv::gpu::FAST_GPU::operator ()(const GpuMat&, const GpuMat&, GpuMat&) { throw_nogpu(); }\r
index f9ca5c2..6bd7cab 100644 (file)
@@ -42,7 +42,7 @@
 
 #include "precomp.hpp"
 
-#ifndef HAVE_CUDA
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)
 
 class cv::gpu::FGDStatModel::Impl
 {
index d90a0d8..82ccd85 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 \r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 Ptr<FilterEngine_GPU> cv::gpu::createFilter2D_GPU(const Ptr<BaseFilter_GPU>&, int, int) { throw_nogpu(); return Ptr<FilterEngine_GPU>(0); }\r
 Ptr<FilterEngine_GPU> cv::gpu::createSeparableFilter_GPU(const Ptr<BaseRowFilter_GPU>&, const Ptr<BaseColumnFilter_GPU>&, int, int, int) { throw_nogpu(); return Ptr<FilterEngine_GPU>(0); }\r
index 69b262d..00c1195 100644 (file)
@@ -46,7 +46,7 @@ using namespace std;
 using namespace cv;\r
 using namespace cv::gpu;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::GoodFeaturesToTrackDetector_GPU::operator ()(const GpuMat&, GpuMat&, const GpuMat&) { throw_nogpu(); }\r
 \r
index b23c642..7531c93 100644 (file)
@@ -46,7 +46,7 @@ using namespace std;
 using namespace cv;
 using namespace cv::gpu;
 
-#ifndef HAVE_CUDA
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)
 
 void cv::gpu::compactPoints(GpuMat&, GpuMat&, const GpuMat&) { throw_nogpu(); }
 void cv::gpu::calcWobbleSuppressionMaps(
index d41b1c6..ab16070 100644 (file)
@@ -42,7 +42,7 @@
 
 #include "precomp.hpp"
 
-#if !defined (HAVE_CUDA)
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)
 
 void cv::gpu::graphcut(GpuMat&, GpuMat&, GpuMat&, GpuMat&, GpuMat&, GpuMat&, GpuMat&, Stream&) { throw_nogpu(); }
 void cv::gpu::graphcut(GpuMat&, GpuMat&, GpuMat&, GpuMat&, GpuMat&, GpuMat&, GpuMat&, GpuMat&, GpuMat&, GpuMat&, GpuMat&, Stream&) { throw_nogpu(); }
index aae1818..9de31cb 100644 (file)
@@ -42,7 +42,7 @@
 \r
 #include "precomp.hpp"\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 cv::gpu::HOGDescriptor::HOGDescriptor(Size, Size, Size, Size, int, double, double, bool, int) { throw_nogpu(); }\r
 size_t cv::gpu::HOGDescriptor::getDescriptorSize() const { throw_nogpu(); return 0; }\r
index 6d96d38..6e2170d 100644 (file)
@@ -46,7 +46,7 @@ using namespace std;
 using namespace cv;
 using namespace cv::gpu;
 
-#if !defined (HAVE_CUDA)
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)
 
 void cv::gpu::HoughLines(const GpuMat&, GpuMat&, float, float, int, bool, int) { throw_nogpu(); }
 void cv::gpu::HoughLines(const GpuMat&, GpuMat&, HoughLinesBuf&, float, float, int, bool, int) { throw_nogpu(); }
index 6dd0c71..14158af 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;\r
 using namespace cv::gpu;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::meanShiftFiltering(const GpuMat&, GpuMat&, int, int, TermCriteria, Stream&) { throw_nogpu(); }\r
 void cv::gpu::meanShiftProc(const GpuMat&, GpuMat&, GpuMat&, int, int, TermCriteria, Stream&) { throw_nogpu(); }\r
index df042f1..3b05433 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 using namespace std;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::matchTemplate(const GpuMat&, const GpuMat&, GpuMat&, int, Stream&) { throw_nogpu(); }\r
 \r
index 711ff11..62ee0c4 100644 (file)
@@ -178,7 +178,7 @@ bool cv::gpu::CudaMem::empty() const
     return data == 0; \r
 }\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::registerPageLocked(Mat&) { throw_nogpu(); }\r
 void cv::gpu::unregisterPageLocked(Mat&) { throw_nogpu(); }\r
index 563d42d..7fd268c 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;\r
 using namespace cv::gpu;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::meanStdDev(const GpuMat&, Scalar&, Scalar&) { throw_nogpu(); }\r
 void cv::gpu::meanStdDev(const GpuMat&, Scalar&, Scalar&, GpuMat&) { throw_nogpu(); }\r
index 1b9e481..cf32c44 100644 (file)
@@ -42,7 +42,7 @@
 \r
 #include "precomp.hpp"\r
 \r
-#if !defined(HAVE_CUDA)\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
 \r
 void cv::gpu::meanShiftSegmentation(const GpuMat&, Mat&, int, int, int, TermCriteria) { throw_nogpu(); }\r
 \r
@@ -386,4 +386,4 @@ void cv::gpu::meanShiftSegmentation(const GpuMat& src, Mat& dst, int sp, int sr,
     }\r
 }\r
 \r
-#endif // #if !defined (HAVE_CUDA)\r
+#endif // #if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
index e04ec84..0598f24 100644 (file)
@@ -56,6 +56,8 @@
 //\r
 ////////////////////////////////////////////////////////////////////////////////\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <iostream>\r
 #include <vector>\r
 #include <memory>\r
@@ -1160,3 +1162,5 @@ NCVStatus NCVBroxOpticalFlow(const NCVBroxOpticalFlowDescriptor desc,
 \r
     return NCV_SUCCESS;\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 4449c42..05918ab 100644 (file)
@@ -55,6 +55,8 @@
 //\r
 ////////////////////////////////////////////////////////////////////////////////\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <algorithm>\r
 #include <cstdio>\r
 \r
@@ -2314,3 +2316,5 @@ NCVStatus ncvHaarStoreNVBIN_host(const std::string &filename,
     fclose(fp);\r
     return NCV_SUCCESS;\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 0e6aca0..6885e5b 100644 (file)
@@ -39,6 +39,7 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
 \r
 #include <vector>\r
 #include <cuda_runtime.h>\r
@@ -2576,3 +2577,5 @@ NCVStatus nppiStResize_32f_C1R(const Ncv32f *pSrc,
 \r
     return status;\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 2831877..44c5d32 100644 (file)
@@ -39,6 +39,8 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 \r
 #include <iostream>\r
 #include <string>\r
@@ -905,3 +907,5 @@ NCVStatus ncvDrawRects_32u_device(Ncv32u *d_dst,
 {\r
     return drawRectsWrapperDevice(d_dst, dstStride, dstWidth, dstHeight, d_rects, numRects, color, cuStream);\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 84c9c12..cb80bcc 100644 (file)
@@ -39,6 +39,7 @@
 //\r
 //M*/\r
 \r
+#if !defined CUDA_DISABLER\r
 \r
 #include <cuda_runtime.h>\r
 #include <stdio.h>\r
@@ -600,3 +601,5 @@ template class NCVImagePyramid<float3>;
 template class NCVImagePyramid<float4>;\r
 \r
 #endif //_WIN32\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 1e44ed7..5829d08 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 using namespace std;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::BroxOpticalFlow::operator ()(const GpuMat&, const GpuMat&, GpuMat&, GpuMat&, Stream&) { throw_nogpu(); }\r
 void cv::gpu::interpolateFrames(const GpuMat&, const GpuMat&, const GpuMat&, const GpuMat&, const GpuMat&, const GpuMat&, float, GpuMat&, GpuMat&, Stream&) { throw_nogpu(); }\r
index 4775f66..4d771db 100644 (file)
@@ -54,7 +54,7 @@ using namespace std;
 using namespace cv;
 using namespace cv::gpu;
 
-#if !defined(HAVE_CUDA)
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)
 
 void cv::gpu::FarnebackOpticalFlow::operator ()(const GpuMat&, const GpuMat&, GpuMat&, GpuMat&, Stream&) { throw_nogpu(); }
 
index c1df4dd..299806c 100644 (file)
@@ -46,7 +46,7 @@ using namespace std;
 using namespace cv;\r
 using namespace cv::gpu;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 cv::gpu::ORB_GPU::ORB_GPU(int, float, int, int, int, int, int, int) : fastDetector_(20) { throw_nogpu(); }\r
 void cv::gpu::ORB_GPU::operator()(const GpuMat&, const GpuMat&, std::vector<KeyPoint>&) { throw_nogpu(); }\r
index 1c6dc7b..85fb990 100644 (file)
@@ -42,7 +42,7 @@
 
 #include "precomp.hpp"
 
-#ifndef HAVE_CUDA
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)
 
 void cv::gpu::pyrDown(const GpuMat&, GpuMat&, Stream&) { throw_nogpu(); }
 void cv::gpu::pyrUp(const GpuMat&, GpuMat&, Stream&) { throw_nogpu(); }
index 4ad9960..dc874e6 100644 (file)
@@ -46,7 +46,7 @@ using namespace std;
 using namespace cv;\r
 using namespace cv::gpu;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 cv::gpu::PyrLKOpticalFlow::PyrLKOpticalFlow() { throw_nogpu(); }\r
 void cv::gpu::PyrLKOpticalFlow::sparse(const GpuMat&, const GpuMat&, const GpuMat&, GpuMat&, GpuMat&, GpuMat*) { throw_nogpu(); }\r
index d2bd3cc..8499eef 100644 (file)
@@ -42,7 +42,7 @@
 \r
 #include "precomp.hpp"\r
 \r
-#ifndef HAVE_CUDA\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
 \r
 void cv::gpu::remap(const GpuMat&, GpuMat&, const GpuMat&, const GpuMat&, int, int, Scalar, Stream&){ throw_nogpu(); }\r
 \r
index 67cf186..edf2fc8 100644 (file)
@@ -42,7 +42,7 @@
 \r
 #include "precomp.hpp"\r
 \r
-#ifndef HAVE_CUDA\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
 \r
 void cv::gpu::resize(const GpuMat& src, GpuMat& dst, Size dsize, double fx, double fy, int interpolation, Stream& s)\r
 {\r
index f983d9d..d185f78 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 using namespace std;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::merge(const GpuMat* /*src*/, size_t /*count*/, GpuMat& /*dst*/, Stream& /*stream*/) { throw_nogpu(); }\r
 void cv::gpu::merge(const vector<GpuMat>& /*src*/, GpuMat& /*dst*/, Stream& /*stream*/) { throw_nogpu(); }\r
index 30faf5c..9522872 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;\r
 using namespace cv::gpu;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 cv::gpu::StereoBM_GPU::StereoBM_GPU() { throw_nogpu(); }\r
 cv::gpu::StereoBM_GPU::StereoBM_GPU(int, int, int) { throw_nogpu(); }\r
index 4dbba12..06bfdd6 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 using namespace std;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::StereoBeliefPropagation::estimateRecommendedParams(int, int, int&, int&, int&) { throw_nogpu(); }\r
 \r
index 1eda460..db15e39 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 using namespace std;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 void cv::gpu::StereoConstantSpaceBP::estimateRecommendedParams(int, int, int&, int&, int&, int&) { throw_nogpu(); }\r
 \r
index 5df61d0..99c3370 100644 (file)
@@ -46,7 +46,7 @@ using namespace cv;
 using namespace cv::gpu;\r
 using namespace std;\r
 \r
-#if !defined (HAVE_CUDA)\r
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER)\r
 \r
 cv::gpu::SURF_GPU::SURF_GPU() { throw_nogpu(); }\r
 cv::gpu::SURF_GPU::SURF_GPU(double, int, int, bool, float, bool) { throw_nogpu(); }\r
index f9d75a3..07abebc 100644 (file)
@@ -42,7 +42,7 @@
 \r
 #include "precomp.hpp"\r
 \r
-#if !defined(HAVE_CUDA) || defined(__APPLE__)\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER) || defined(__APPLE__)\r
 \r
 class cv::gpu::VideoReader_GPU::Impl\r
 {\r
index 42d0e09..5410b72 100644 (file)
@@ -42,7 +42,7 @@
 \r
 #include "precomp.hpp"\r
 \r
-#if !defined(HAVE_CUDA) || !defined(WIN32)\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER) || !defined(WIN32)\r
 \r
 class cv::gpu::VideoWriter_GPU::Impl\r
 {\r
index 9de5651..57bc92d 100644 (file)
@@ -42,7 +42,7 @@
 \r
 #include "precomp.hpp"\r
 \r
-#ifndef HAVE_CUDA\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
 \r
 \r
 void cv::gpu::warpAffine(const GpuMat&, GpuMat&, const Mat&, Size, int, int, Scalar, Stream&) { throw_nogpu(); }\r
index 2e1edf0..665b3ab 100644 (file)
@@ -74,7 +74,7 @@ void printOsInfo()
 \r
 void printCudaInfo()\r
 {\r
-#ifndef HAVE_CUDA\r
+#if !defined HAVE_CUDA || defined(CUDA_DISABLER)\r
     cout << "OpenCV was built without CUDA support \n" << endl;\r
 #else\r
     int driver;\r
index 92ca735..ff54c47 100644 (file)
@@ -9,6 +9,8 @@
  * agreement from NVIDIA Corporation is strictly prohibited.\r
  */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "TestCompact.h"\r
 \r
 \r
@@ -127,3 +129,5 @@ bool TestCompact::deinit()
 {\r
     return true;\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index b063293..90e1bd8 100644 (file)
@@ -9,6 +9,8 @@
  * agreement from NVIDIA Corporation is strictly prohibited.\r
  */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "TestDrawRects.h"\r
 #include "NCVHaarObjectDetection.hpp"\r
 \r
@@ -162,3 +164,5 @@ bool TestDrawRects<T>::deinit()
 \r
 template class TestDrawRects<Ncv8u>;\r
 template class TestDrawRects<Ncv32u>;\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index fe4f5d6..644ca73 100644 (file)
@@ -9,6 +9,8 @@
  * agreement from NVIDIA Corporation is strictly prohibited.\r
  */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <float.h>\r
 \r
 #if defined(__GNUC__) && !defined(__APPLE__)\r
@@ -299,3 +301,5 @@ bool TestHaarCascadeApplication::deinit()
 {\r
     return true;\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index ad1c953..ddc8472 100644 (file)
@@ -9,6 +9,8 @@
  * agreement from NVIDIA Corporation is strictly prohibited.\r
  */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "TestHaarCascadeLoader.h"\r
 #include "NCVHaarObjectDetection.hpp"\r
 \r
@@ -121,3 +123,5 @@ bool TestHaarCascadeLoader::deinit()
 {\r
     return true;\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 48ed3a1..702050b 100644 (file)
@@ -9,6 +9,8 @@
  * agreement from NVIDIA Corporation is strictly prohibited.\r
  */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "TestHypothesesFilter.h"\r
 #include "NCVHaarObjectDetection.hpp"\r
 \r
@@ -174,3 +176,5 @@ bool TestHypothesesFilter::deinit()
 {\r
     return true;\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 2b0c34a..00234c5 100644 (file)
@@ -9,6 +9,8 @@
  * agreement from NVIDIA Corporation is strictly prohibited.\r
  */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "TestHypothesesGrow.h"\r
 #include "NCVHaarObjectDetection.hpp"\r
 \r
@@ -132,3 +134,5 @@ bool TestHypothesesGrow::deinit()
 {\r
     return true;\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index bff2aa5..8d498cf 100644 (file)
@@ -9,6 +9,8 @@
  * agreement from NVIDIA Corporation is strictly prohibited.\r
  */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <math.h>\r
 #include "TestIntegralImage.h"\r
 \r
@@ -183,3 +185,5 @@ bool TestIntegralImage<T_in, T_out>::deinit()
 \r
 template class TestIntegralImage<Ncv8u, Ncv32u>;\r
 template class TestIntegralImage<Ncv32f, Ncv32f>;\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 0277f5e..2a19854 100644 (file)
@@ -9,6 +9,8 @@
  * agreement from NVIDIA Corporation is strictly prohibited.\r
  */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include "TestIntegralImageSquared.h"\r
 \r
 \r
@@ -115,3 +117,5 @@ bool TestIntegralImageSquared::deinit()
 {\r
     return true;\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 420979d..d8857f6 100644 (file)
@@ -9,6 +9,8 @@
  * agreement from NVIDIA Corporation is strictly prohibited.\r
  */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <math.h>\r
 \r
 #include "TestRectStdDev.h"\r
@@ -178,3 +180,5 @@ bool TestRectStdDev::deinit()
 {\r
     return true;\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index eb49ddd..7ccffac 100644 (file)
@@ -9,6 +9,8 @@
  * agreement from NVIDIA Corporation is strictly prohibited.\r
  */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <math.h>\r
 \r
 #include "TestResize.h"\r
@@ -159,3 +161,5 @@ bool TestResize<T>::deinit()
 \r
 template class TestResize<Ncv32u>;\r
 template class TestResize<Ncv64u>;\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index b4c65ea..82ca202 100644 (file)
@@ -9,6 +9,8 @@
  * agreement from NVIDIA Corporation is strictly prohibited.\r
  */\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <math.h>\r
 \r
 #include "TestTranspose.h"\r
@@ -146,3 +148,5 @@ bool TestTranspose<T>::deinit()
 \r
 template class TestTranspose<Ncv32u>;\r
 template class TestTranspose<Ncv64u>;\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 15759e1..d249064 100644 (file)
@@ -2,6 +2,8 @@
 # pragma warning (disable : 4408 4201 4100)\r
 #endif\r
 \r
+#if !defined CUDA_DISABLER\r
+\r
 #include <cstdio>\r
 \r
 #include "NCV.hpp"\r
@@ -436,3 +438,5 @@ bool nvidia_NCV_Visualization(const std::string& test_data_path, OutputLevel out
 \r
     return testListerVisualize.invoke();\r
 }\r
+\r
+#endif /* CUDA_DISABLER */
\ No newline at end of file
index 9c49b09..4e6db58 100644 (file)
 \r
 #include "test_precomp.hpp"\r
 \r
-#ifdef HAVE_CUDA\r
+#if defined HAVE_CUDA\r
+  OutputLevel nvidiaTestOutputLevel = OutputLevelCompact;\r
+#endif\r
+\r
+#if defined HAVE_CUDA && !defined(CUDA_DISABLER)\r
 \r
 using namespace cvtest;\r
 using namespace testing;\r
 \r
-OutputLevel nvidiaTestOutputLevel = OutputLevelCompact;\r
-\r
 struct NVidiaTest : TestWithParam<cv::gpu::DeviceInfo>\r
 {\r
     cv::gpu::DeviceInfo devInfo;\r