renamed gpuarithm -> cudaarithm
authorVladislav Vinogradov <vlad.vinogradov@itseez.com>
Tue, 23 Jul 2013 11:24:10 +0000 (15:24 +0400)
committerVladislav Vinogradov <vlad.vinogradov@itseez.com>
Mon, 2 Sep 2013 10:00:42 +0000 (14:00 +0400)
101 files changed:
modules/cudaarithm/CMakeLists.txt [moved from modules/gpuarithm/CMakeLists.txt with 76% similarity]
modules/cudaarithm/doc/arithm.rst [moved from modules/gpuarithm/doc/arithm.rst with 100% similarity]
modules/cudaarithm/doc/core.rst [moved from modules/gpuarithm/doc/core.rst with 100% similarity]
modules/cudaarithm/doc/cudaarithm.rst [moved from modules/gpuarithm/doc/gpuarithm.rst with 100% similarity]
modules/cudaarithm/doc/element_operations.rst [moved from modules/gpuarithm/doc/element_operations.rst with 100% similarity]
modules/cudaarithm/doc/reductions.rst [moved from modules/gpuarithm/doc/reductions.rst with 100% similarity]
modules/cudaarithm/include/opencv2/cudaarithm.hpp [moved from modules/gpuarithm/include/opencv2/gpuarithm.hpp with 99% similarity]
modules/cudaarithm/perf/perf_arithm.cpp [moved from modules/gpuarithm/perf/perf_arithm.cpp with 100% similarity]
modules/cudaarithm/perf/perf_core.cpp [moved from modules/gpuarithm/perf/perf_core.cpp with 100% similarity]
modules/cudaarithm/perf/perf_element_operations.cpp [moved from modules/gpuarithm/perf/perf_element_operations.cpp with 100% similarity]
modules/cudaarithm/perf/perf_main.cpp [moved from modules/gpuarithm/perf/perf_main.cpp with 98% similarity]
modules/cudaarithm/perf/perf_precomp.cpp [moved from modules/gpuarithm/perf/perf_precomp.cpp with 100% similarity]
modules/cudaarithm/perf/perf_precomp.hpp [moved from modules/gpuarithm/perf/perf_precomp.hpp with 98% similarity]
modules/cudaarithm/perf/perf_reductions.cpp [moved from modules/gpuarithm/perf/perf_reductions.cpp with 100% similarity]
modules/cudaarithm/src/arithm.cpp [moved from modules/gpuarithm/src/arithm.cpp with 100% similarity]
modules/cudaarithm/src/core.cpp [moved from modules/gpuarithm/src/core.cpp with 100% similarity]
modules/cudaarithm/src/cuda/absdiff_mat.cu [moved from modules/gpuarithm/src/cuda/absdiff_mat.cu with 100% similarity]
modules/cudaarithm/src/cuda/absdiff_scalar.cu [moved from modules/gpuarithm/src/cuda/absdiff_scalar.cu with 100% similarity]
modules/cudaarithm/src/cuda/add_mat.cu [moved from modules/gpuarithm/src/cuda/add_mat.cu with 100% similarity]
modules/cudaarithm/src/cuda/add_scalar.cu [moved from modules/gpuarithm/src/cuda/add_scalar.cu with 100% similarity]
modules/cudaarithm/src/cuda/add_weighted.cu [moved from modules/gpuarithm/src/cuda/add_weighted.cu with 100% similarity]
modules/cudaarithm/src/cuda/arithm_func_traits.hpp [moved from modules/gpuarithm/src/cuda/arithm_func_traits.hpp with 100% similarity]
modules/cudaarithm/src/cuda/bitwise_mat.cu [moved from modules/gpuarithm/src/cuda/bitwise_mat.cu with 100% similarity]
modules/cudaarithm/src/cuda/bitwise_scalar.cu [moved from modules/gpuarithm/src/cuda/bitwise_scalar.cu with 100% similarity]
modules/cudaarithm/src/cuda/cmp_mat.cu [moved from modules/gpuarithm/src/cuda/cmp_mat.cu with 100% similarity]
modules/cudaarithm/src/cuda/cmp_scalar.cu [moved from modules/gpuarithm/src/cuda/cmp_scalar.cu with 100% similarity]
modules/cudaarithm/src/cuda/copy_make_border.cu [moved from modules/gpuarithm/src/cuda/copy_make_border.cu with 100% similarity]
modules/cudaarithm/src/cuda/countnonzero.cu [moved from modules/gpuarithm/src/cuda/countnonzero.cu with 100% similarity]
modules/cudaarithm/src/cuda/div_mat.cu [moved from modules/gpuarithm/src/cuda/div_mat.cu with 100% similarity]
modules/cudaarithm/src/cuda/div_scalar.cu [moved from modules/gpuarithm/src/cuda/div_scalar.cu with 100% similarity]
modules/cudaarithm/src/cuda/integral.cu [moved from modules/gpuarithm/src/cuda/integral.cu with 100% similarity]
modules/cudaarithm/src/cuda/math.cu [moved from modules/gpuarithm/src/cuda/math.cu with 100% similarity]
modules/cudaarithm/src/cuda/minmax.cu [moved from modules/gpuarithm/src/cuda/minmax.cu with 100% similarity]
modules/cudaarithm/src/cuda/minmax_mat.cu [moved from modules/gpuarithm/src/cuda/minmax_mat.cu with 100% similarity]
modules/cudaarithm/src/cuda/minmaxloc.cu [moved from modules/gpuarithm/src/cuda/minmaxloc.cu with 100% similarity]
modules/cudaarithm/src/cuda/mul_mat.cu [moved from modules/gpuarithm/src/cuda/mul_mat.cu with 100% similarity]
modules/cudaarithm/src/cuda/mul_scalar.cu [moved from modules/gpuarithm/src/cuda/mul_scalar.cu with 100% similarity]
modules/cudaarithm/src/cuda/mul_spectrums.cu [moved from modules/gpuarithm/src/cuda/mul_spectrums.cu with 100% similarity]
modules/cudaarithm/src/cuda/polar_cart.cu [moved from modules/gpuarithm/src/cuda/polar_cart.cu with 100% similarity]
modules/cudaarithm/src/cuda/reduce.cu [moved from modules/gpuarithm/src/cuda/reduce.cu with 100% similarity]
modules/cudaarithm/src/cuda/split_merge.cu [moved from modules/gpuarithm/src/cuda/split_merge.cu with 100% similarity]
modules/cudaarithm/src/cuda/sub_mat.cu [moved from modules/gpuarithm/src/cuda/sub_mat.cu with 100% similarity]
modules/cudaarithm/src/cuda/sub_scalar.cu [moved from modules/gpuarithm/src/cuda/sub_scalar.cu with 100% similarity]
modules/cudaarithm/src/cuda/sum.cu [moved from modules/gpuarithm/src/cuda/sum.cu with 100% similarity]
modules/cudaarithm/src/cuda/threshold.cu [moved from modules/gpuarithm/src/cuda/threshold.cu with 100% similarity]
modules/cudaarithm/src/cuda/transpose.cu [moved from modules/gpuarithm/src/cuda/transpose.cu with 100% similarity]
modules/cudaarithm/src/cuda/unroll_detail.hpp [moved from modules/gpuarithm/src/cuda/unroll_detail.hpp with 100% similarity]
modules/cudaarithm/src/element_operations.cpp [moved from modules/gpuarithm/src/element_operations.cpp with 100% similarity]
modules/cudaarithm/src/precomp.cpp [moved from modules/gpuarithm/src/precomp.cpp with 100% similarity]
modules/cudaarithm/src/precomp.hpp [moved from modules/gpuarithm/src/precomp.hpp with 98% similarity]
modules/cudaarithm/src/reductions.cpp [moved from modules/gpuarithm/src/reductions.cpp with 100% similarity]
modules/cudaarithm/test/test_arithm.cpp [moved from modules/gpuarithm/test/test_arithm.cpp with 100% similarity]
modules/cudaarithm/test/test_core.cpp [moved from modules/gpuarithm/test/test_core.cpp with 100% similarity]
modules/cudaarithm/test/test_element_operations.cpp [moved from modules/gpuarithm/test/test_element_operations.cpp with 100% similarity]
modules/cudaarithm/test/test_main.cpp [moved from modules/gpuarithm/test/test_main.cpp with 100% similarity]
modules/cudaarithm/test/test_precomp.cpp [moved from modules/gpuarithm/test/test_precomp.cpp with 100% similarity]
modules/cudaarithm/test/test_precomp.hpp [moved from modules/gpuarithm/test/test_precomp.hpp with 98% similarity]
modules/cudaarithm/test/test_reductions.cpp [moved from modules/gpuarithm/test/test_reductions.cpp with 100% similarity]
modules/gpu/CMakeLists.txt
modules/gpu/src/precomp.hpp
modules/gpubgsegm/CMakeLists.txt
modules/gpubgsegm/src/fgd.cpp
modules/gpubgsegm/src/gmg.cpp
modules/gpubgsegm/src/precomp.hpp
modules/gpufeatures2d/src/precomp.hpp
modules/gpufilters/CMakeLists.txt
modules/gpufilters/src/precomp.hpp
modules/gpuimgproc/CMakeLists.txt
modules/gpuimgproc/src/cuda/generalized_hough.cu
modules/gpuimgproc/src/generalized_hough.cpp
modules/gpuimgproc/src/gftt.cpp
modules/gpuimgproc/src/histogram.cpp
modules/gpuimgproc/src/match_template.cpp
modules/gpuimgproc/src/precomp.hpp
modules/gpuoptflow/CMakeLists.txt
modules/gpuoptflow/src/precomp.hpp
modules/nonfree/CMakeLists.txt
modules/nonfree/perf/perf_gpu.cpp
modules/nonfree/src/cuda/surf.cu
modules/nonfree/src/precomp.hpp
modules/nonfree/src/surf_gpu.cpp
modules/nonfree/test/test_gpu.cpp
modules/photo/CMakeLists.txt
modules/photo/perf/perf_gpu.cpp
modules/photo/src/denoising_gpu.cpp
modules/photo/test/test_denoising_gpu.cpp
modules/stitching/CMakeLists.txt
modules/stitching/src/blenders.cpp
modules/stitching/src/precomp.hpp
modules/superres/CMakeLists.txt
modules/superres/src/btv_l1_gpu.cpp
modules/superres/src/cuda/btv_l1_gpu.cu
modules/superres/src/precomp.hpp
modules/superres/test/test_superres.cpp
samples/cpp/CMakeLists.txt
samples/cpp/tutorial_code/gpu/gpu-basics-similarity/gpu-basics-similarity.cpp
samples/gpu/CMakeLists.txt
samples/gpu/brox_optical_flow.cpp
samples/gpu/driver_api_multi.cpp
samples/gpu/multi.cpp
samples/gpu/performance/tests.cpp

similarity index 76%
rename from modules/gpuarithm/CMakeLists.txt
rename to modules/cudaarithm/CMakeLists.txt
index 091e3ec..67a7ff9 100644 (file)
@@ -1,12 +1,12 @@
 if(ANDROID OR IOS)
-  ocv_module_disable(gpuarithm)
+  ocv_module_disable(cudaarithm)
 endif()
 
-set(the_description "GPU-accelerated Operations on Matrices")
+set(the_description "CUDA-accelerated Operations on Matrices")
 
 ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4324 /wd4512 -Wundef -Wmissing-declarations)
 
-ocv_add_module(gpuarithm opencv_core OPTIONAL opencv_cudalegacy)
+ocv_add_module(cudaarithm opencv_core OPTIONAL opencv_cudalegacy)
 
 ocv_module_include_directories()
 ocv_glob_module_sources()
 //
 //M*/
 
-#ifndef __OPENCV_GPUARITHM_HPP__
-#define __OPENCV_GPUARITHM_HPP__
+#ifndef __OPENCV_CUDAARITHM_HPP__
+#define __OPENCV_CUDAARITHM_HPP__
 
 #ifndef __cplusplus
-#  error gpuarithm.hpp header must be compiled as C++
+#  error cudaarithm.hpp header must be compiled as C++
 #endif
 
 #include "opencv2/core/cuda.hpp"
@@ -371,4 +371,4 @@ CV_EXPORTS Ptr<Convolution> createConvolution(Size user_block_size = Size());
 
 }} // namespace cv { namespace cuda {
 
-#endif /* __OPENCV_GPUARITHM_HPP__ */
+#endif /* __OPENCV_CUDAARITHM_HPP__ */
similarity index 98%
rename from modules/gpuarithm/perf/perf_main.cpp
rename to modules/cudaarithm/perf/perf_main.cpp
index 552cf5c..118d759 100644 (file)
@@ -44,4 +44,4 @@
 
 using namespace perf;
 
-CV_PERF_TEST_CUDA_MAIN(gpuarithm)
+CV_PERF_TEST_CUDA_MAIN(cudaarithm)
similarity index 98%
rename from modules/gpuarithm/perf/perf_precomp.hpp
rename to modules/cudaarithm/perf/perf_precomp.hpp
index 0b50ab0..fbd7069 100644 (file)
@@ -54,7 +54,7 @@
 #include "opencv2/ts.hpp"
 #include "opencv2/ts/gpu_perf.hpp"
 
-#include "opencv2/gpuarithm.hpp"
+#include "opencv2/cudaarithm.hpp"
 #include "opencv2/core.hpp"
 #include "opencv2/imgproc.hpp"
 
similarity index 98%
rename from modules/gpuarithm/src/precomp.hpp
rename to modules/cudaarithm/src/precomp.hpp
index 04a3458..38fce94 100644 (file)
@@ -47,7 +47,7 @@
 
 #include "cvconfig.h"
 
-#include "opencv2/gpuarithm.hpp"
+#include "opencv2/cudaarithm.hpp"
 #include "opencv2/core/utility.hpp"
 
 #include "opencv2/core/private.cuda.hpp"
similarity index 98%
rename from modules/gpuarithm/test/test_precomp.hpp
rename to modules/cudaarithm/test/test_precomp.hpp
index faa0f5a..6bfdd38 100644 (file)
@@ -56,7 +56,7 @@
 #include "opencv2/ts.hpp"
 #include "opencv2/ts/gpu_test.hpp"
 
-#include "opencv2/gpuarithm.hpp"
+#include "opencv2/cudaarithm.hpp"
 #include "opencv2/core.hpp"
 #include "opencv2/imgproc.hpp"
 
index 351608b..1759460 100644 (file)
@@ -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_define_module(gpu opencv_calib3d opencv_objdetect opencv_gpuarithm opencv_gpuwarping OPTIONAL opencv_cudalegacy)
+ocv_define_module(gpu opencv_calib3d opencv_objdetect opencv_cudaarithm opencv_gpuwarping OPTIONAL opencv_cudalegacy)
index d7101ca..4407b07 100644 (file)
@@ -44,7 +44,7 @@
 #define __OPENCV_PRECOMP_H__
 
 #include "opencv2/gpu.hpp"
-#include "opencv2/gpuarithm.hpp"
+#include "opencv2/cudaarithm.hpp"
 #include "opencv2/gpuwarping.hpp"
 #include "opencv2/calib3d.hpp"
 #include "opencv2/objdetect.hpp"
index f87f3cb..47f3fa8 100644 (file)
@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Background Segmentation")
 
 ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4324 /wd4512 -Wundef -Wmissing-declarations)
 
-ocv_define_module(gpubgsegm opencv_video OPTIONAL opencv_legacy opencv_imgproc opencv_gpuarithm opencv_gpufilters opencv_gpuimgproc)
+ocv_define_module(gpubgsegm opencv_video OPTIONAL opencv_legacy opencv_imgproc opencv_cudaarithm opencv_gpufilters opencv_gpuimgproc)
index fd0128c..74659a1 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;
 using namespace cv::cuda;
 
-#if !defined(HAVE_CUDA) || defined(CUDA_DISABLER) || !defined(HAVE_OPENCV_IMGPROC) || !defined(HAVE_OPENCV_GPUARITHM) || !defined(HAVE_OPENCV_GPUIMGPROC)
+#if !defined(HAVE_CUDA) || defined(CUDA_DISABLER) || !defined(HAVE_OPENCV_IMGPROC) || !defined(HAVE_OPENCV_CUDAARITHM) || !defined(HAVE_OPENCV_GPUIMGPROC)
 
 cv::cuda::FGDParams::FGDParams() { throw_no_cuda(); }
 
index 8f90cba..b7eabe9 100644 (file)
@@ -141,7 +141,7 @@ namespace
         GpuMat colors_;
         GpuMat weights_;
 
-#if defined(HAVE_OPENCV_GPUFILTERS) && defined(HAVE_OPENCV_GPUARITHM)
+#if defined(HAVE_OPENCV_GPUFILTERS) && defined(HAVE_OPENCV_CUDAARITHM)
         Ptr<cuda::Filter> boxFilter_;
         GpuMat buf_;
 #endif
@@ -214,7 +214,7 @@ namespace
         funcs[frame.depth()][frame.channels() - 1](frame, fgmask, colors_, weights_, nfeatures_, frameNum_,
                                                    learningRate_, updateBackgroundModel_, StreamAccessor::getStream(stream));
 
-#if defined(HAVE_OPENCV_GPUFILTERS) && defined(HAVE_OPENCV_GPUARITHM)
+#if defined(HAVE_OPENCV_GPUFILTERS) && defined(HAVE_OPENCV_CUDAARITHM)
         // medianBlur
         if (smoothingRadius_ > 0)
         {
@@ -259,7 +259,7 @@ namespace
 
         nfeatures_.setTo(Scalar::all(0));
 
-#if defined(HAVE_OPENCV_GPUFILTERS) && defined(HAVE_OPENCV_GPUARITHM)
+#if defined(HAVE_OPENCV_GPUFILTERS) && defined(HAVE_OPENCV_CUDAARITHM)
         if (smoothingRadius_ > 0)
             boxFilter_ = cuda::createBoxFilter(CV_8UC1, -1, Size(smoothingRadius_, smoothingRadius_));
 #endif
index d65ba9f..42ceddf 100644 (file)
@@ -51,8 +51,8 @@
 
 #include "opencv2/opencv_modules.hpp"
 
-#ifdef HAVE_OPENCV_GPUARITHM
-#  include "opencv2/gpuarithm.hpp"
+#ifdef HAVE_OPENCV_CUDAARITHM
+#  include "opencv2/cudaarithm.hpp"
 #endif
 
 #ifdef HAVE_OPENCV_GPUFILTERS
index a11387c..90ffc3f 100644 (file)
@@ -48,7 +48,7 @@
 #include <iterator>
 
 #include "opencv2/gpufeatures2d.hpp"
-#include "opencv2/gpuarithm.hpp"
+#include "opencv2/cudaarithm.hpp"
 #include "opencv2/gpuwarping.hpp"
 #include "opencv2/features2d.hpp"
 
index 640de8c..eb1220d 100644 (file)
@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Image Filtering")
 
 ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4324 /wd4512 -Wundef -Wmissing-declarations)
 
-ocv_define_module(gpufilters opencv_imgproc opencv_gpuarithm)
+ocv_define_module(gpufilters opencv_imgproc opencv_cudaarithm)
index 5853481..72727e7 100644 (file)
@@ -46,7 +46,7 @@
 #include <limits>
 
 #include "opencv2/gpufilters.hpp"
-#include "opencv2/gpuarithm.hpp"
+#include "opencv2/cudaarithm.hpp"
 #include "opencv2/imgproc.hpp"
 
 #include "opencv2/core/private.cuda.hpp"
index dfecf1d..02cdc34 100644 (file)
@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Image Processing")
 
 ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4100 /wd4324 /wd4512 /wd4515 -Wundef -Wmissing-declarations -Wshadow -Wunused-parameter)
 
-ocv_define_module(gpuimgproc opencv_imgproc OPTIONAL opencv_gpuarithm opencv_gpufilters)
+ocv_define_module(gpuimgproc opencv_imgproc OPTIONAL opencv_cudaarithm opencv_gpufilters)
index 09e2354..232c625 100644 (file)
@@ -52,7 +52,7 @@
 
 #include "opencv2/opencv_modules.hpp"
 
-#ifdef HAVE_OPENCV_GPUARITHM
+#ifdef HAVE_OPENCV_CUDAARITHM
 
 namespace cv { namespace cuda { namespace device
 {
@@ -819,6 +819,6 @@ namespace cv { namespace cuda { namespace device
     }
 }}}
 
-#endif // HAVE_OPENCV_GPUARITHM
+#endif // HAVE_OPENCV_CUDAARITHM
 
 #endif /* CUDA_DISABLER */
index 547e36b..5f94aee 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;
 using namespace cv::cuda;
 
-#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER) || !defined(HAVE_OPENCV_GPUARITHM)
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER) || !defined(HAVE_OPENCV_CUDAARITHM)
 
 Ptr<GeneralizedHoughBallard> cv::cuda::createGeneralizedHoughBallard() { throw_no_cuda(); return Ptr<GeneralizedHoughBallard>(); }
 
index ce6239c..094e67a 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;
 using namespace cv::cuda;
 
-#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER) || !defined(HAVE_OPENCV_GPUARITHM)
+#if !defined (HAVE_CUDA) || defined (CUDA_DISABLER) || !defined(HAVE_OPENCV_CUDAARITHM)
 
 Ptr<cuda::CornersDetector> cv::cuda::createGoodFeaturesToTrackDetector(int, int, double, double, int, bool, double) { throw_no_cuda(); return Ptr<cuda::CornersDetector>(); }
 
index 92df20b..cb22e3b 100644 (file)
@@ -202,7 +202,7 @@ namespace
         }
         else
         {
-#ifndef HAVE_OPENCV_GPUARITHM
+#ifndef HAVE_OPENCV_CUDAARITHM
             throw_no_cuda();
 #else
             cv::cuda::copyMakeBorder(src, srcExt_, 0, tilesY_ - (src.rows % tilesY_), 0, tilesX_ - (src.cols % tilesX_), cv::BORDER_REFLECT_101, cv::Scalar(), s);
index 775cf99..d4406c8 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;
 using namespace cv::cuda;
 
-#if !defined (HAVE_CUDA) || !defined (HAVE_OPENCV_GPUARITHM) || defined (CUDA_DISABLER)
+#if !defined (HAVE_CUDA) || !defined (HAVE_OPENCV_CUDAARITHM) || defined (CUDA_DISABLER)
 
 Ptr<cuda::TemplateMatching> cv::cuda::createTemplateMatching(int, int, Size) { throw_no_cuda(); return Ptr<cuda::TemplateMatching>(); }
 
index 1fd1c84..c1fea00 100644 (file)
@@ -51,8 +51,8 @@
 
 #include "opencv2/opencv_modules.hpp"
 
-#ifdef HAVE_OPENCV_GPUARITHM
-#  include "opencv2/gpuarithm.hpp"
+#ifdef HAVE_OPENCV_CUDAARITHM
+#  include "opencv2/cudaarithm.hpp"
 #endif
 
 #ifdef HAVE_OPENCV_GPUFILTERS
index e230c06..30a7e4a 100644 (file)
@@ -6,4 +6,4 @@ set(the_description "GPU-accelerated Optical Flow")
 
 ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 /wd4324 /wd4512 -Wundef -Wmissing-declarations)
 
-ocv_define_module(gpuoptflow opencv_video opencv_legacy opencv_gpuarithm opencv_gpuwarping opencv_gpuimgproc OPTIONAL opencv_cudalegacy)
+ocv_define_module(gpuoptflow opencv_video opencv_legacy opencv_cudaarithm opencv_gpuwarping opencv_gpuimgproc OPTIONAL opencv_cudalegacy)
index 822a980..3e9d88a 100644 (file)
@@ -46,7 +46,7 @@
 #include <limits>
 
 #include "opencv2/gpuoptflow.hpp"
-#include "opencv2/gpuarithm.hpp"
+#include "opencv2/cudaarithm.hpp"
 #include "opencv2/gpuwarping.hpp"
 #include "opencv2/gpuimgproc.hpp"
 #include "opencv2/video.hpp"
index fa73931..eec28e9 100644 (file)
@@ -4,4 +4,4 @@ endif()
 
 set(the_description "Functionality with possible limitations on the use")
 ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef)
-ocv_define_module(nonfree opencv_imgproc opencv_features2d opencv_calib3d OPTIONAL opencv_gpuarithm opencv_ocl)
+ocv_define_module(nonfree opencv_imgproc opencv_features2d opencv_calib3d OPTIONAL opencv_cudaarithm opencv_ocl)
index c2a8ea1..348c80e 100644 (file)
@@ -53,7 +53,7 @@ using namespace perf;
 //////////////////////////////////////////////////////////////////////
 // SURF
 
-#ifdef HAVE_OPENCV_GPUARITHM
+#ifdef HAVE_OPENCV_CUDAARITHM
 
 DEF_PARAM_TEST_1(Image, string);
 
@@ -98,6 +98,6 @@ PERF_TEST_P(Image, GPU_SURF,
     }
 }
 
-#endif // HAVE_OPENCV_GPUARITHM
+#endif // HAVE_OPENCV_CUDAARITHM
 
 #endif // HAVE_CUDA
index c7aa09b..9a141ab 100644 (file)
@@ -42,7 +42,7 @@
 
 #include "opencv2/opencv_modules.hpp"
 
-#ifdef HAVE_OPENCV_GPUARITHM
+#ifdef HAVE_OPENCV_CUDAARITHM
 
 #include "opencv2/core/cuda/common.hpp"
 #include "opencv2/core/cuda/limits.hpp"
@@ -957,4 +957,4 @@ namespace cv { namespace cuda { namespace device
     } // namespace surf
 }}} // namespace cv { namespace cuda { namespace cudev
 
-#endif // HAVE_OPENCV_GPUARITHM
+#endif // HAVE_OPENCV_CUDAARITHM
index 3fb85a7..fc21fb6 100644 (file)
@@ -54,8 +54,8 @@
 
 #include "opencv2/opencv_modules.hpp"
 
-#ifdef HAVE_OPENCV_GPUARITHM
-#  include "opencv2/gpuarithm.hpp"
+#ifdef HAVE_OPENCV_CUDAARITHM
+#  include "opencv2/cudaarithm.hpp"
 #endif
 
 #ifdef HAVE_OPENCV_OCL
index a3e8769..0abd7be 100644 (file)
@@ -45,7 +45,7 @@
 using namespace cv;
 using namespace cv::cuda;
 
-#if !defined (HAVE_CUDA) || !defined (HAVE_OPENCV_GPUARITHM)
+#if !defined (HAVE_CUDA) || !defined (HAVE_OPENCV_CUDAARITHM)
 
 cv::cuda::SURF_GPU::SURF_GPU() { throw_no_cuda(); }
 cv::cuda::SURF_GPU::SURF_GPU(double, int, int, bool, float, bool) { throw_no_cuda(); }
index 7094a49..3380931 100644 (file)
@@ -49,7 +49,7 @@ using namespace cvtest;
 /////////////////////////////////////////////////////////////////////////////////////////////////
 // SURF
 
-#ifdef HAVE_OPENCV_GPUARITHM
+#ifdef HAVE_OPENCV_CUDAARITHM
 
 namespace
 {
@@ -193,6 +193,6 @@ INSTANTIATE_TEST_CASE_P(GPU_Features2D, SURF, testing::Combine(
     testing::Values(SURF_Extended(false), SURF_Extended(true)),
     testing::Values(SURF_Upright(false), SURF_Upright(true))));
 
-#endif // HAVE_OPENCV_GPUARITHM
+#endif // HAVE_OPENCV_CUDAARITHM
 
 #endif // HAVE_CUDA
index 5b47d3a..ad04f0a 100644 (file)
@@ -4,4 +4,4 @@ if(HAVE_CUDA)
   ocv_warnings_disable(CMAKE_CXX_FLAGS -Wundef -Wmissing-declarations)
 endif()
 
-ocv_define_module(photo opencv_imgproc OPTIONAL opencv_gpuarithm opencv_gpuimgproc)
+ocv_define_module(photo opencv_imgproc OPTIONAL opencv_cudaarithm opencv_gpuimgproc)
index 7e9b7c0..9ad29c4 100644 (file)
@@ -47,7 +47,7 @@
 
 #include "opencv2/opencv_modules.hpp"
 
-#if defined (HAVE_CUDA) && defined(HAVE_OPENCV_GPUARITHM) && defined(HAVE_OPENCV_GPUIMGPROC)
+#if defined (HAVE_CUDA) && defined(HAVE_OPENCV_CUDAARITHM) && defined(HAVE_OPENCV_GPUIMGPROC)
 
 using namespace std;
 using namespace testing;
index b12e967..13167d1 100644 (file)
@@ -47,8 +47,8 @@
 
 #include "opencv2/opencv_modules.hpp"
 
-#ifdef HAVE_OPENCV_GPUARITHM
-#  include "opencv2/gpuarithm.hpp"
+#ifdef HAVE_OPENCV_CUDAARITHM
+#  include "opencv2/cudaarithm.hpp"
 #endif
 
 #ifdef HAVE_OPENCV_GPUIMGPROC
@@ -58,7 +58,7 @@
 using namespace cv;
 using namespace cv::cuda;
 
-#if !defined (HAVE_CUDA) || !defined(HAVE_OPENCV_GPUARITHM) || !defined(HAVE_OPENCV_GPUIMGPROC)
+#if !defined (HAVE_CUDA) || !defined(HAVE_OPENCV_CUDAARITHM) || !defined(HAVE_OPENCV_GPUIMGPROC)
 
 void cv::cuda::nonLocalMeans(const GpuMat&, GpuMat&, float, int, int, int, Stream&) { throw_no_cuda(); }
 void cv::cuda::FastNonLocalMeansDenoising::simpleMethod(const GpuMat&, GpuMat&, float, int, int, Stream&) { throw_no_cuda(); }
index fe2d041..b9363cd 100644 (file)
@@ -48,7 +48,7 @@
 #include "opencv2/opencv_modules.hpp"
 #include "cvconfig.h"
 
-#if defined (HAVE_CUDA) && defined(HAVE_OPENCV_GPUARITHM) && defined(HAVE_OPENCV_GPUIMGPROC)
+#if defined (HAVE_CUDA) && defined(HAVE_OPENCV_CUDAARITHM) && defined(HAVE_OPENCV_GPUIMGPROC)
 
 using namespace cvtest;
 
index 389285a..768abe9 100644 (file)
@@ -1,3 +1,3 @@
 set(the_description "Images stitching")
 ocv_define_module(stitching opencv_imgproc opencv_features2d opencv_calib3d opencv_objdetect
-                  OPTIONAL opencv_gpu opencv_gpuarithm opencv_gpufilters opencv_gpufeatures2d opencv_nonfree)
+                  OPTIONAL opencv_gpu opencv_cudaarithm opencv_gpufilters opencv_gpufeatures2d opencv_nonfree)
index 6ac37d1..ffff714 100644 (file)
@@ -188,7 +188,7 @@ MultiBandBlender::MultiBandBlender(int try_gpu, int num_bands, int weight_type)
 {
     setNumBands(num_bands);
 
-#if defined(HAVE_OPENCV_GPUARITHM) && defined(HAVE_OPENCV_GPUWARPING)
+#if defined(HAVE_OPENCV_CUDAARITHM) && defined(HAVE_OPENCV_GPUWARPING)
     can_use_gpu_ = try_gpu && cuda::getCudaEnabledDeviceCount();
 #else
     (void) try_gpu;
@@ -491,7 +491,7 @@ void createLaplacePyr(const Mat &img, int num_levels, std::vector<Mat> &pyr)
 
 void createLaplacePyrGpu(const Mat &img, int num_levels, std::vector<Mat> &pyr)
 {
-#if defined(HAVE_OPENCV_GPUARITHM) && defined(HAVE_OPENCV_GPUWARPING)
+#if defined(HAVE_OPENCV_CUDAARITHM) && defined(HAVE_OPENCV_GPUWARPING)
     pyr.resize(num_levels + 1);
 
     std::vector<cuda::GpuMat> gpu_pyr(num_levels + 1);
@@ -531,7 +531,7 @@ void restoreImageFromLaplacePyr(std::vector<Mat> &pyr)
 
 void restoreImageFromLaplacePyrGpu(std::vector<Mat> &pyr)
 {
-#if defined(HAVE_OPENCV_GPUARITHM) && defined(HAVE_OPENCV_GPUWARPING)
+#if defined(HAVE_OPENCV_CUDAARITHM) && defined(HAVE_OPENCV_GPUWARPING)
     if (pyr.empty())
         return;
 
index ddd216a..c2dbd11 100644 (file)
@@ -68,8 +68,8 @@
 #include "opencv2/features2d.hpp"
 #include "opencv2/calib3d.hpp"
 
-#ifdef HAVE_OPENCV_GPUARITHM
-#  include "opencv2/gpuarithm.hpp"
+#ifdef HAVE_OPENCV_CUDAARITHM
+#  include "opencv2/cudaarithm.hpp"
 #endif
 
 #ifdef HAVE_OPENCV_GPUWARPING
index a7d406d..a1c0dde 100644 (file)
@@ -6,4 +6,4 @@ set(the_description "Super Resolution")
 ocv_warnings_disable(CMAKE_CXX_FLAGS /wd4127 -Wundef)
 ocv_define_module(superres opencv_imgproc opencv_video
                   OPTIONAL opencv_highgui opencv_ocl
-                  opencv_gpuarithm opencv_gpufilters opencv_gpuwarping opencv_gpuimgproc opencv_gpuoptflow opencv_cudacodec)
+                  opencv_cudaarithm opencv_gpufilters opencv_gpuwarping opencv_gpuimgproc opencv_gpuoptflow opencv_cudacodec)
index 677a42a..e968e9d 100644 (file)
@@ -50,7 +50,7 @@ using namespace cv::cuda;
 using namespace cv::superres;
 using namespace cv::superres::detail;
 
-#if !defined(HAVE_CUDA) || !defined(HAVE_OPENCV_GPUARITHM) || !defined(HAVE_OPENCV_GPUWARPING) || !defined(HAVE_OPENCV_GPUFILTERS)
+#if !defined(HAVE_CUDA) || !defined(HAVE_OPENCV_CUDAARITHM) || !defined(HAVE_OPENCV_GPUWARPING) || !defined(HAVE_OPENCV_GPUFILTERS)
 
 Ptr<SuperResolution> cv::superres::createSuperResolution_BTVL1_GPU()
 {
index 1f80ce5..d370a68 100644 (file)
@@ -42,7 +42,7 @@
 
 #include "opencv2/opencv_modules.hpp"
 
-#if defined(HAVE_OPENCV_GPUARITHM) && defined(HAVE_OPENCV_GPUWARPING) && defined(HAVE_OPENCV_GPUFILTERS)
+#if defined(HAVE_OPENCV_CUDAARITHM) && defined(HAVE_OPENCV_GPUWARPING) && defined(HAVE_OPENCV_GPUFILTERS)
 
 #include "opencv2/core/cuda/common.hpp"
 #include "opencv2/core/cuda/transform.hpp"
index 7e8d581..89a1e13 100644 (file)
@@ -57,8 +57,8 @@
 
 #include "opencv2/core/private.cuda.hpp"
 
-#ifdef HAVE_OPENCV_GPUARITHM
-#  include "opencv2/gpuarithm.hpp"
+#ifdef HAVE_OPENCV_CUDAARITHM
+#  include "opencv2/cudaarithm.hpp"
 #endif
 
 #ifdef HAVE_OPENCV_GPUWARPING
index 2cede09..541ec55 100644 (file)
@@ -268,7 +268,7 @@ TEST_F(SuperResolution, BTVL1)
     RunTest(cv::superres::createSuperResolution_BTVL1());
 }
 
-#if defined(HAVE_CUDA) && defined(HAVE_OPENCV_GPUARITHM) && defined(HAVE_OPENCV_GPUWARPING) && defined(HAVE_OPENCV_GPUFILTERS)
+#if defined(HAVE_CUDA) && defined(HAVE_OPENCV_CUDAARITHM) && defined(HAVE_OPENCV_GPUWARPING) && defined(HAVE_OPENCV_GPUFILTERS)
 
 TEST_F(SuperResolution, BTVL1_GPU)
 {
index 4115bf9..20f30e0 100644 (file)
@@ -22,8 +22,8 @@ if(BUILD_EXAMPLES AND OCV_DEPENDENCIES_FOUND)
   if(HAVE_opencv_gpuimgproc)
     ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/gpuimgproc/include")
   endif()
-  if(HAVE_opencv_gpuarithm)
-    ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/gpuarithm/include")
+  if(HAVE_opencv_cudaarithm)
+    ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/cudaarithm/include")
   endif()
   if(HAVE_opencv_gpufilters)
     ocv_include_directories("${OpenCV_SOURCE_DIR}/modules/gpufilters/include")
@@ -53,7 +53,7 @@ if(BUILD_EXAMPLES AND OCV_DEPENDENCIES_FOUND)
     target_link_libraries(${the_target} ${OPENCV_LINKER_LIBS} ${OPENCV_CPP_SAMPLES_REQUIRED_DEPS})
 
     if("${srcs}" MATCHES "gpu/")
-      target_link_libraries(${the_target} opencv_gpuarithm opencv_gpufilters)
+      target_link_libraries(${the_target} opencv_cudaarithm opencv_gpufilters)
     endif()
 
     set_target_properties(${the_target} PROPERTIES
@@ -79,7 +79,7 @@ if(BUILD_EXAMPLES AND OCV_DEPENDENCIES_FOUND)
     ocv_list_filterout(cpp_samples Qt_sample)
   endif()
 
-  if(NOT HAVE_opencv_gpuarithm OR NOT HAVE_opencv_gpufilters)
+  if(NOT HAVE_opencv_cudaarithm OR NOT HAVE_opencv_gpufilters)
     ocv_list_filterout(cpp_samples "/gpu/")
   endif()
 
index 00223b0..29f5a7e 100644 (file)
@@ -7,7 +7,7 @@
 #include <opencv2/highgui.hpp>// Read images
 
 // GPU structures and methods
-#include <opencv2/gpuarithm.hpp>
+#include <opencv2/cudaarithm.hpp>
 #include <opencv2/gpufilters.hpp>
 
 using namespace std;
index d6e24c6..9d47cfe 100644 (file)
@@ -2,7 +2,7 @@ SET(OPENCV_GPU_SAMPLES_REQUIRED_DEPS opencv_core opencv_flann opencv_imgproc ope
                                      opencv_ml opencv_video opencv_objdetect opencv_features2d
                                      opencv_calib3d opencv_legacy opencv_contrib opencv_gpu
                                      opencv_nonfree opencv_softcascade opencv_superres
-                                     opencv_gpuarithm opencv_gpufilters opencv_gpuwarping opencv_gpuimgproc
+                                     opencv_cudaarithm opencv_gpufilters opencv_gpuwarping opencv_gpuimgproc
                                      opencv_gpufeatures2d opencv_gpuoptflow opencv_gpubgsegm
                                      opencv_gpustereo opencv_cudalegacy)
 
index 7bcc509..4a82cef 100644 (file)
@@ -8,7 +8,7 @@
 #include "opencv2/highgui.hpp"
 #include "opencv2/imgproc.hpp"
 #include "opencv2/gpuoptflow.hpp"
-#include "opencv2/gpuarithm.hpp"
+#include "opencv2/cudaarithm.hpp"
 
 using namespace std;
 using namespace cv;
index 6508dad..cd8400a 100644 (file)
@@ -9,7 +9,7 @@
 #include <iostream>
 #include "cvconfig.h"
 #include "opencv2/core/core.hpp"
-#include "opencv2/gpuarithm.hpp"
+#include "opencv2/cudaarithm.hpp"
 
 #ifdef HAVE_TBB
 #  include "tbb/tbb_stddef.h"
index c6744c5..b8dfd6b 100644 (file)
@@ -9,7 +9,7 @@
 #include <iostream>
 #include "cvconfig.h"
 #include "opencv2/core/core.hpp"
-#include "opencv2/gpuarithm.hpp"
+#include "opencv2/cudaarithm.hpp"
 
 #ifdef HAVE_TBB
 #  include "tbb/tbb_stddef.h"
index 7747128..12f0983 100644 (file)
@@ -5,7 +5,7 @@
 #include "opencv2/video.hpp"
 #include "opencv2/gpu.hpp"
 #include "opencv2/gpuimgproc.hpp"
-#include "opencv2/gpuarithm.hpp"
+#include "opencv2/cudaarithm.hpp"
 #include "opencv2/gpuwarping.hpp"
 #include "opencv2/gpufeatures2d.hpp"
 #include "opencv2/gpufilters.hpp"