fixed ~300 warnings under windows (had to hack gtest a bit)
authorAnatoly Baksheev <no@email>
Fri, 6 May 2011 21:45:48 +0000 (21:45 +0000)
committerAnatoly Baksheev <no@email>
Fri, 6 May 2011 21:45:48 +0000 (21:45 +0000)
25 files changed:
OpenCVModule.cmake
modules/calib3d/src/calibinit.cpp
modules/calib3d/src/circlesgrid.cpp
modules/calib3d/src/circlesgrid.hpp
modules/calib3d/src/solvepnp.cpp
modules/contrib/src/chamfermatching.cpp
modules/core/test/test_math.cpp
modules/features2d/src/blobdetector.cpp
modules/flann/include/opencv2/flann/autotuned_index.h
modules/flann/include/opencv2/flann/composite_index.h
modules/gpu/CMakeLists.txt
modules/gpu/CMakeLists.txt_cuda4.0
modules/gpu/src/initialization.cpp
modules/gpu/test/test_arithm.cpp
modules/gpu/test/test_filters.cpp
modules/haartraining/createsamples.cpp
modules/imgproc/test/test_filter.cpp
modules/ml/src/ertrees.cpp
modules/ml/src/svm.cpp
modules/objdetect/src/datamatrix.cpp
modules/objdetect/src/dotdetector.cpp
modules/objdetect/src/latentsvm.cpp
modules/ts/include/opencv2/ts/ts_gtest.h
modules/ts/src/ts_func.cpp
modules/video/test/test_motiontemplates.cpp

index 29b8647..c0748be 100644 (file)
@@ -2,9 +2,6 @@
 macro(define_opencv_module name)
     
     project(opencv_${name})
-    if (OPENCV_BUILD_SHARED_LIB) 
-        add_definitions(-DCVAPI_EXPORTS) 
-    endif()
 
     include_directories("${CMAKE_CURRENT_SOURCE_DIR}/include"
                         "${CMAKE_CURRENT_SOURCE_DIR}/src"
@@ -38,8 +35,13 @@ macro(define_opencv_module name)
     set_target_properties(${the_target} PROPERTIES
         VERSION ${OPENCV_VERSION}
         SOVERSION ${OPENCV_SOVERSION}
-        OUTPUT_NAME "${the_target}${OPENCV_DLLVERSION}"
-        )
+        OUTPUT_NAME "${the_target}${OPENCV_DLLVERSION}"                
+        )      
+               
+       if (OPENCV_BUILD_SHARED_LIB) 
+        #add_definitions(-DCVAPI_EXPORTS)              
+               set_target_properties(${the_target} PROPERTIES DEFINE_SYMBOL CVAPI_EXPORTS)
+    endif()
 
     # Additional target properties
     set_target_properties(${the_target} PROPERTIES
index ec09afe..39b6b9f 100644 (file)
@@ -1929,8 +1929,8 @@ void cv::drawChessboardCorners( InputOutputArray _image, Size patternSize,
 bool cv::findCirclesGrid( const InputArray& _image, Size patternSize,
                           OutputArray _centers, int flags, const Ptr<FeatureDetector> &blobDetector )
 {
-    bool isAsymmetricGrid = (flags & CALIB_CB_ASYMMETRIC_GRID);
-    bool isSymmetricGrid = (flags & CALIB_CB_SYMMETRIC_GRID);
+    bool isAsymmetricGrid = (bool)(flags & CALIB_CB_ASYMMETRIC_GRID);
+    bool isSymmetricGrid = (bool)(flags & CALIB_CB_SYMMETRIC_GRID);
     CV_Assert(isAsymmetricGrid ^ isSymmetricGrid);
 
     Mat image = _image.getMat();
index afe30e6..b7b80c5 100644 (file)
@@ -58,7 +58,7 @@ void CirclesGridClusterFinder::hierarchicalClustering(const vector<Point2f> poin
   {
     for(size_t j=i+1; j<points.size(); j++)
     {
-      dists.at<float>(i, j) = norm(points[i] - points[j]);
+      dists.at<float>(i, j) = (float)norm(points[i] - points[j]);
       distsMask.at<uchar>(i, j) = 255;
       //TODO: use symmetry
       distsMask.at<uchar>(j, i) = distsMask.at<uchar>(i, j);
@@ -160,7 +160,7 @@ void CirclesGridClusterFinder::findCorners(const std::vector<cv::Point2f> &hull2
   {
     Point2f vec1 = hull2f[(i+1) % hull2f.size()] - hull2f[i % hull2f.size()];
     Point2f vec2 = hull2f[(i-1 + static_cast<int>(hull2f.size())) % hull2f.size()] - hull2f[i % hull2f.size()];
-    float angle = vec1.ddot(vec2) / (norm(vec1) * norm(vec2));
+    float angle = (float)(vec1.ddot(vec2) / (norm(vec1) * norm(vec2)));
     angles.push_back(angle);
   }
 
@@ -626,9 +626,9 @@ bool CirclesGridFinder::isDetectionCorrect()
       }
 
       size_t largeWidth = patternSize.width;
-      size_t largeHeight = ceil(patternSize.height / 2.);
+      size_t largeHeight = (size_t)ceil(patternSize.height / 2.);
       size_t smallWidth = patternSize.width;
-      size_t smallHeight = floor(patternSize.height / 2.);
+      size_t smallHeight = (size_t)floor(patternSize.height / 2.);
 
       size_t sw = smallWidth, sh = smallHeight, lw = largeWidth, lh = largeHeight;
       if (largeHoles->size() != largeHeight)
@@ -782,7 +782,7 @@ Mat CirclesGridFinder::rectifyGrid(Size detectedGridSize, const vector<Point2f>&
 
 size_t CirclesGridFinder::findNearestKeypoint(Point2f pt) const
 {
-  size_t bestIdx = -1;
+  size_t bestIdx = 0;
   double minDist = std::numeric_limits<double>::max();
   for (size_t i = 0; i < keypoints.size(); i++)
   {
index 5cd5295..5f50072 100644 (file)
 
 class CirclesGridClusterFinder
 {
+       CirclesGridClusterFinder& operator=(const CirclesGridClusterFinder&);
+       CirclesGridClusterFinder(const CirclesGridClusterFinder&);
 public:
   CirclesGridClusterFinder(bool _isAsymmetricGrid)
   {
     isAsymmetricGrid = _isAsymmetricGrid;
     squareSize = 1.0f;
-    maxRectifiedDistance = squareSize / 2.0;
+    maxRectifiedDistance = (float)(squareSize / 2.0);
   }
   void findGrid(const std::vector<cv::Point2f> points, cv::Size patternSize, std::vector<cv::Point2f>& centers);
 
@@ -209,6 +211,9 @@ private:
 
   const cv::Size_<size_t> patternSize;
   CirclesGridFinderParameters parameters;
+
+  CirclesGridFinder& operator=(const CirclesGridFinder&);
+  CirclesGridFinder(const CirclesGridFinder&);
 };
 
 #endif /* CIRCLESGRID_HPP_ */
index f19d795..2a9de70 100644 (file)
@@ -224,6 +224,10 @@ namespace cv
                 tvec.copyTo(initTvec);
             }
         private:
+
+                       PnPSolver& operator=(const PnPSolver&);
+                       PnPSolver(const PnPSolver&);
+
             const Mat& objectPoints;
             const Mat& imagePoints;
             const Parameters& parameters;
index 21c62f3..d45f72f 100644 (file)
@@ -1113,7 +1113,7 @@ ChamferMatcher::Match* ChamferMatcher::Matching::localChamferDistance(Point offs
                }
 
                if (cnt_orientation>0) {
-                        cost = beta*cost+alpha*(sum_orientation/(2*CV_PI))/cnt_orientation;
+                        cost = (float)(beta*cost+alpha*(sum_orientation/(2*CV_PI))/cnt_orientation);
                }
 
        }
index dc7b967..23e0307 100644 (file)
@@ -1928,7 +1928,7 @@ void Core_SVDTest::run_func()
 }
 
 
-void Core_SVDTest::prepare_to_validation( int test_case_idx )
+void Core_SVDTest::prepare_to_validation( int /*test_case_idx*/ )
 {
     Mat& input = test_mat[INPUT][0];
     int depth = input.depth();
index 240cfd3..9a66a56 100644 (file)
@@ -299,7 +299,7 @@ void SimpleBlobDetector::detectImpl(const cv::Mat& image, std::vector<cv::KeyPoi
       normalizer += centers[i][j].confidence;
     }
     sumPoint *= (1. / normalizer);
-    KeyPoint kpt(sumPoint, params.defaultKeypointSize);
+    KeyPoint kpt(sumPoint, (float)params.defaultKeypointSize);
     keypoints.push_back(kpt);
   }
 }
index 7a6b280..0e19f1d 100644 (file)
@@ -90,6 +90,9 @@ class AutotunedIndex : public NNIndex<ELEM_TYPE>
      */
     const AutotunedIndexParams& index_params;
 
+       AutotunedIndex& operator=(const AutotunedIndex&);
+       AutotunedIndex(const AutotunedIndex&);
+
 public:
 
     AutotunedIndex(const Matrix<ELEM_TYPE>& inputData, const AutotunedIndexParams& params = AutotunedIndexParams() ) :
index 4d2bfce..7738bf6 100644 (file)
@@ -77,7 +77,8 @@ class CompositeIndex : public NNIndex<ELEM_TYPE>
 
     const IndexParams& index_params;
 
-
+       CompositeIndex& operator=(const CompositeIndex&);
+       CompositeIndex(const CompositeIndex&);
 public:
 
        CompositeIndex(const Matrix<ELEM_TYPE>& inputData, const CompositeIndexParams& params = CompositeIndexParams() ) :
index 8efa4f5..27da6a7 100644 (file)
@@ -3,12 +3,9 @@ set(name "gpu")
 set(the_target "opencv_${name}")
 project(${the_target})
 
-
 set(DEPS "opencv_core" "opencv_imgproc" "opencv_objdetect" "opencv_features2d" "opencv_flann" "opencv_calib3d") #"opencv_features2d" "opencv_flann" "opencv_objdetect" - only headers needed 
 set(OPENCV_LINKER_LIBS ${OPENCV_LINKER_LIBS} opencv_gpu)
 
-add_definitions(-DCVAPI_EXPORTS)
-
 include_directories("${CMAKE_CURRENT_SOURCE_DIR}/include"                    
                                        "${CMAKE_CURRENT_SOURCE_DIR}/src/cuda"                    
                                        "${CMAKE_CURRENT_SOURCE_DIR}/src"
@@ -70,6 +67,10 @@ if (HAVE_CUDA)
         string(REPLACE "/EHsc-" "/EHs" CMAKE_CXX_FLAGS_RELEASE "${CMAKE_CXX_FLAGS_RELEASE}")
         string(REPLACE "/EHsc-" "/EHs" CMAKE_CXX_FLAGS_DEBUG "${CMAKE_CXX_FLAGS_DEBUG}")
     endif()
+       
+       if (OPENCV_BUILD_SHARED_LIB) 
+               set(CUDA_NVCC_FLAGS ${CUDA_NVCC_FLAGS} "-Xcompiler;-DCVAPI_EXPORTS")
+       endif()
     
     CUDA_COMPILE(cuda_objs ${lib_cuda} ${ncv_cuda})
     #CUDA_BUILD_CLEAN_TARGET()
@@ -102,6 +103,11 @@ set_target_properties(${the_target} PROPERTIES
        SOVERSION ${OPENCV_SOVERSION}
        OUTPUT_NAME "${the_target}${OPENCV_DLLVERSION}"
        )
+       
+if (OPENCV_BUILD_SHARED_LIB) 
+       #add_definitions(-DCVAPI_EXPORTS)          
+       set_target_properties(${the_target} PROPERTIES DEFINE_SYMBOL CVAPI_EXPORTS)
+endif()
 
 # Additional target properties
 set_target_properties(${the_target} PROPERTIES
index 7d35635..26d42bc 100644 (file)
@@ -3,12 +3,9 @@ set(name "gpu")
 set(the_target "opencv_${name}")
 project(${the_target})
 
-
 set(DEPS "opencv_core" "opencv_imgproc" "opencv_objdetect" "opencv_features2d" "opencv_flann" "opencv_calib3d") #"opencv_features2d" "opencv_flann" "opencv_objdetect" - only headers needed 
 set(OPENCV_LINKER_LIBS ${OPENCV_LINKER_LIBS} opencv_gpu)
 
-add_definitions(-DCVAPI_EXPORTS)
-
 include_directories("${CMAKE_CURRENT_SOURCE_DIR}/include"                    
                                        "${CMAKE_CURRENT_SOURCE_DIR}/src/cuda"                    
                                        "${CMAKE_CURRENT_SOURCE_DIR}/src"
@@ -71,6 +68,10 @@ if (HAVE_CUDA)
         string(REPLACE "/EHsc-" "/EHs" CMAKE_CXX_FLAGS_DEBUG "${CMAKE_CXX_FLAGS_DEBUG}")
     endif()
     
+       if (OPENCV_BUILD_SHARED_LIB) 
+               set(CUDA_NVCC_FLAGS ${CUDA_NVCC_FLAGS} "-Xcompiler;-DCVAPI_EXPORTS")
+       endif()
+       
     CUDA_COMPILE(cuda_objs ${lib_cuda} ${ncv_cuda})
     #CUDA_BUILD_CLEAN_TARGET()
 endif()
@@ -102,13 +103,18 @@ set_target_properties(${the_target} PROPERTIES
        SOVERSION ${OPENCV_SOVERSION}
        OUTPUT_NAME "${the_target}${OPENCV_DLLVERSION}"
        )
+       
+if (OPENCV_BUILD_SHARED_LIB) 
+       #add_definitions(-DCVAPI_EXPORTS)          
+       set_target_properties(${the_target} PROPERTIES DEFINE_SYMBOL CVAPI_EXPORTS)
+endif()
 
 # Additional target properties
 set_target_properties(${the_target} PROPERTIES
        DEBUG_POSTFIX "${OPENCV_DEBUG_POSTFIX}"
        ARCHIVE_OUTPUT_DIRECTORY "${CMAKE_BINARY_DIR}/lib/"
        RUNTIME_OUTPUT_DIRECTORY "${CMAKE_BINARY_DIR}/bin/"
-       INSTALL_NAME_DIR "${CMAKE_INSTALL_PREFIX}/lib"
+       INSTALL_NAME_DIR "${CMAKE_INSTALL_PREFIX}/lib"  
        )
 
 # Add the required libraries for linking:
index 8bf0519..1fe5f85 100644 (file)
@@ -77,6 +77,7 @@ CV_EXPORTS bool cv::gpu::TargetArchs::builtWith(cv::gpu::FeatureSet feature_set)
 #if defined (HAVE_CUDA)\r
     return ::compareToSet(CUDA_ARCH_FEATURES, feature_set, std::greater_equal<int>());\r
 #else\r
+       (void)feature_set;\r
        return false;\r
 #endif\r
 }\r
@@ -93,6 +94,8 @@ CV_EXPORTS bool cv::gpu::TargetArchs::hasPtx(int major, int minor)
 #if defined (HAVE_CUDA)\r
     return ::compareToSet(CUDA_ARCH_PTX, major * 10 + minor, std::equal_to<int>());\r
 #else\r
+       (void)major;\r
+       (void)minor;\r
        return false;\r
 #endif\r
 }\r
@@ -103,6 +106,8 @@ CV_EXPORTS bool cv::gpu::TargetArchs::hasBin(int major, int minor)
 #if defined (HAVE_CUDA)\r
     return ::compareToSet(CUDA_ARCH_BIN, major * 10 + minor, std::equal_to<int>());\r
 #else\r
+       (void)major;\r
+       (void)minor;\r
        return false;\r
 #endif\r
 }\r
@@ -114,6 +119,8 @@ CV_EXPORTS bool cv::gpu::TargetArchs::hasEqualOrLessPtx(int major, int minor)
     return ::compareToSet(CUDA_ARCH_PTX, major * 10 + minor, \r
                      std::less_equal<int>());\r
 #else\r
+       (void)major;\r
+       (void)minor;\r
        return false;\r
 #endif\r
 }\r
@@ -132,6 +139,8 @@ CV_EXPORTS bool cv::gpu::TargetArchs::hasEqualOrGreaterPtx(int major, int minor)
     return ::compareToSet(CUDA_ARCH_PTX, major * 10 + minor, \r
                      std::greater_equal<int>());\r
 #else\r
+       (void)major;\r
+       (void)minor;\r
        return false;\r
 #endif\r
 }\r
@@ -143,6 +152,8 @@ CV_EXPORTS bool cv::gpu::TargetArchs::hasEqualOrGreaterBin(int major, int minor)
     return ::compareToSet(CUDA_ARCH_BIN, major * 10 + minor, \r
                      std::greater_equal<int>());\r
 #else\r
+       (void)major;\r
+       (void)minor;\r
        return false;\r
 #endif\r
 }\r
index c7c32c1..7e72b24 100644 (file)
@@ -56,7 +56,7 @@ using namespace gpu;
 class CV_GpuArithmTest : public cvtest::BaseTest\r
 {\r
 public:\r
-    CV_GpuArithmTest(const char* test_name, const char* test_funcs){}\r
+    CV_GpuArithmTest(const char* /*test_name*/, const char* /*test_funcs*/){}\r
     virtual ~CV_GpuArithmTest() {}\r
 \r
 protected:\r
index 7fdca74..91d1f14 100644 (file)
@@ -51,7 +51,7 @@ using namespace gpu;
 class CV_GpuNppFilterTest : public cvtest::BaseTest\r
 {\r
 public:\r
-    CV_GpuNppFilterTest(const char* test_name, const char* test_funcs) {}\r
+    CV_GpuNppFilterTest(const char* /*test_name*/, const char* /*test_funcs*/) {}\r
     virtual ~CV_GpuNppFilterTest() {}\r
 \r
 protected:\r
index 250af67..2e86cca 100644 (file)
@@ -77,7 +77,7 @@ int main( int argc, char* argv[] )
     int width  = 24;
     int height = 24;
 
-    srand(time(0));
+    srand((unsigned int)time(0));
 
     if( argc == 1 )
     {
index 67787c1..05dcfdc 100644 (file)
@@ -247,7 +247,7 @@ int CV_MorphologyBaseTest::prepare_test_case( int test_case_idx )
 }
 
 
-void CV_MorphologyBaseTest::prepare_to_validation( int test_case_idx )
+void CV_MorphologyBaseTest::prepare_to_validation( int /*test_case_idx*/ )
 {
     Mat& src = test_mat[INPUT][0], &dst = test_mat[REF_OUTPUT][0];
     Mat _ielement(element->nRows, element->nCols, CV_32S, element->values);
@@ -422,7 +422,7 @@ void CV_FilterTest::run_func()
 }
 
 
-void CV_FilterTest::prepare_to_validation( int test_case_idx )
+void CV_FilterTest::prepare_to_validation( int /*test_case_idx*/ )
 {
     cvtest::filter2D( test_mat[INPUT][0], test_mat[REF_OUTPUT][0], test_mat[REF_OUTPUT][0].type(),
                       test_mat[INPUT][1], anchor, 0, BORDER_REPLICATE );
@@ -539,7 +539,7 @@ void CV_SobelTest::run_func()
 }
 
 
-void CV_SobelTest::prepare_to_validation( int test_case_idx )
+void CV_SobelTest::prepare_to_validation( int /*test_case_idx*/ )
 {
     Mat kernel = cvtest::calcSobelKernel2D( dx, dy, _aperture_size, 0 );
     cvtest::filter2D( test_mat[INPUT][0], test_mat[REF_OUTPUT][0], test_mat[REF_OUTPUT][0].depth(),
@@ -600,7 +600,7 @@ int CV_LaplaceTest::prepare_test_case( int test_case_idx )
 }
 
 
-void CV_LaplaceTest::prepare_to_validation( int test_case_idx )
+void CV_LaplaceTest::prepare_to_validation( int /*test_case_idx*/ )
 {
     Mat kernel = cvtest::calcLaplaceKernel2D( _aperture_size );
     cvtest::filter2D( test_mat[INPUT][0], test_mat[REF_OUTPUT][0], test_mat[REF_OUTPUT][0].depth(),
@@ -703,7 +703,7 @@ int CV_BlurTest::prepare_test_case( int test_case_idx )
 }
 
 
-void CV_BlurTest::prepare_to_validation( int test_case_idx )
+void CV_BlurTest::prepare_to_validation( int /*test_case_idx*/ )
 {
     Mat kernel(aperture_size, CV_64F);
     kernel.setTo(Scalar::all(normalize ? 1./(aperture_size.width*aperture_size.height) : 1.));
@@ -823,7 +823,7 @@ static Mat calcGaussianKernel2D( Size ksize, double sigma )
 }
 
 
-void CV_GaussianBlurTest::prepare_to_validation( int test_case_idx )
+void CV_GaussianBlurTest::prepare_to_validation( int /*test_case_idx*/ )
 {
     Mat kernel = calcGaussianKernel2D( aperture_size, sigma );
     cvtest::filter2D( test_mat[INPUT][0], test_mat[REF_OUTPUT][0], test_mat[REF_OUTPUT][0].depth(),
index cef97a0..037f39c 100644 (file)
@@ -1116,13 +1116,13 @@ CvDTreeSplit* CvForestERTree::find_split_cat_class( CvDTreeNode* node, int vi, f
                     
                     if (var_class_mask->data.ptr[mask_class_idx])
                     {
-                        lc[r]+=p;
+                        lc[r]+=(int)p;
                         L+=p;                 
                         split->subset[var_class_idx >> 5] |= 1 << (var_class_idx & 31);
                     }
                     else
                     {
-                        rc[r]+=p;
+                        rc[r]+=(int)p;
                         R+=p;
                     }
                 }
index faa3a8f..cf7d032 100644 (file)
@@ -2112,9 +2112,9 @@ struct predict_body_svm {
             cvGetRow( samples, &sample, i );
             int r = (int)pointer->predict(&sample);
             if (results)
-                results->data.fl[i] = r;
+                results->data.fl[i] = (float)r;
             if (i == 0)
-                *result = r;
+                *result = (float)r;
        }
     }
 };
index 3b96d69..15cdc80 100644 (file)
@@ -253,7 +253,7 @@ static int decode(Sampler &sa, code &cc)
 
   for (i = 0; i < 64; i++)
     sum += sa.getpixel(1 + (i & 7), 1 + (i >> 3));
-  uint8 mean = sum / 64;
+  uint8 mean = (uint8)(sum / 64);
   for (i = 0; i < 64; i++) {
     b = (b << 1) + (sa.getpixel(pickup[i].x, pickup[i].y) <= mean);
     if ((i & 7) == 7) {
index 5690838..78c6c5a 100644 (file)
@@ -647,7 +647,7 @@ void DOTDetector::save( const std::string& filename ) const
     }
 }
 
-void DOTDetector::train( const string& _baseDirName, const TrainParams& _trainParams, bool _isAddImageAndGradientMask )
+void DOTDetector::train( const string& _baseDirName, const TrainParams& _trainParams, bool /*_isAddImageAndGradientMask*/ )
 {
     clear();
 
index 2035804..e5370fe 100644 (file)
@@ -272,7 +272,7 @@ int searchObjectThreshold(const CvLSVMFeaturePyramid *H,
                           float scoreThreshold,\r
                           CvPoint **points, int **levels, int *kPoints, \r
                           float **score, CvPoint ***partsDisplacement,\r
-                          int numThreads)\r
+                          int /*numThreads*/)\r
 {\r
     int opResult;\r
 \r
@@ -551,7 +551,7 @@ int searchObjectThresholdSomeComponents(const CvLSVMFeaturePyramid *H,
                                         const float *b, float scoreThreshold,\r
                                         CvPoint **points, CvPoint **oppPoints,\r
                                         float **score, int *kPoints,\r
-                                        int numThreads)\r
+                                        int /*numThreads*/)\r
 {\r
     int error = 0;\r
     int i, j, s, f, componentIndex;\r
index 1832ecb..fab73fc 100644 (file)
@@ -1652,15 +1652,18 @@ inline bool operator!=(const GTEST_10_TUPLE_(T)& t,
 #ifdef _MSC_VER
 
 #if GTEST_LINKED_AS_SHARED_LIBRARY
-#define GTEST_API_ __declspec(dllimport)
+#define GTEST_API_ 
+#define GTEST_API_2 __declspec(dllimport)
 #elif GTEST_CREATE_SHARED_LIBRARY
 #define GTEST_API_ __declspec(dllexport)
+#define GTEST_API_2 GTEST_API_
 #endif
 
 #endif  // _MSC_VER
 
 #ifndef GTEST_API_
 #define GTEST_API_
+#define GTEST_API_2
 #endif
 
 namespace testing {
@@ -8378,7 +8381,7 @@ namespace testing {
 namespace internal {
 
 // Protects copying of all linked_ptr objects.
-GTEST_API_ GTEST_DECLARE_STATIC_MUTEX_(g_linked_ptr_mutex);
+GTEST_API_2 GTEST_DECLARE_STATIC_MUTEX_(g_linked_ptr_mutex);
 
 // This is used internally by all instances of linked_ptr<>.  It needs to be
 // a non-template class because different types of linked_ptr<> can refer to
@@ -15359,7 +15362,7 @@ class GTEST_API_ TestPartResultArray {
 };
 
 // This interface knows how to report a test part result.
-class TestPartResultReporterInterface {
+class GTEST_API_ TestPartResultReporterInterface {
  public:
   virtual ~TestPartResultReporterInterface() {}
 
index 80ad6d6..3d829de 100644 (file)
@@ -2712,7 +2712,7 @@ Mat calcLaplaceKernel2D( int aperture_size )
     
     for( int i = 0; i < ksize; i++ )
         for( int j = 0; j < ksize; j++ )
-            kernel.at<float>(i, j) = kx[j]*ky[i] + kx[i]*ky[j];
+            kernel.at<float>(i, j) = (float)(kx[j]*ky[i] + kx[i]*ky[j]);
     
     return kernel;
 }
index fe7425a..9b62f89 100644 (file)
@@ -177,7 +177,7 @@ void CV_UpdateMHITest::run_func()
 
 void CV_UpdateMHITest::prepare_to_validation( int /*test_case_idx*/ )
 {
-    CvMat m0 = test_mat[REF_INPUT_OUTPUT][0];
+    //CvMat m0 = test_mat[REF_INPUT_OUTPUT][0];
     test_updateMHI( test_mat[INPUT][0], test_mat[REF_INPUT_OUTPUT][0], timestamp, duration );
 }