Hi ,I am new to OpenCV.
I am trying to install opencv-python for Windows. I literally followed instruction from this link: https://docs.opencv.org/3.2.0/d5/de5/tutorial_py_setup_in_windows.html
When I execute "import cv2" from my python IDLE I got the following error message
ImportError:DLL lload failed: %1 is not a valid Win32 application
Could anybody help?
Thanks,
JP
↧
Error msg intalling opencv Python on window
↧
Assert error when trying to apply ROI to BackgroundSubtractorMOG2
Hi,
Ive stuck in a problem that I cannot apply a ROI to the BackgroundSubtractorMOG2. if i put whole image or my ROI started from corner (0,0) everything is ok, but when I put the part of the image Ive got the assertionfailed error. Im using opencv 3.4.0 with python 2.7 Here is my code:
numOfROIs = len(ROIs)
for i in range(0,numOfROIs):
backSubArray.append(cv2.createBackgroundSubtractorMOG2())
roi_id = 0
for (x_l, y_u, x_r, y_d) in ROIs:
print x_l, x_r, y_u, y_d
cropped_img = img[y_u:y_d,x_r:x_l].copy()
diff_gray_loc = backSubArray[roi_id].apply(cropped_img)
#diff_gray |= diff_gray_loc
roi_id+=1
62 946 0 64
OpenCV Error: Assertion failed (!fixedSize() || ((Mat*)obj)->size.operator()() =
= _sz) in cv::_OutputArray::create, file C:\build\master_winpack-bindings-win64-
vc14-static\opencv\modules\core\src\matrix.cpp, line 2385
OpenCV Error: Assertion failed (!fixedSize() || ((Mat*)obj)->size.operator()() =
= _sz) in cv::_OutputArray::create, file C:\build\master_winpack-bindings-win64-
vc14-static\opencv\modules\core\src\matrix.cpp, line 2385
OpenCV Error: Assertion failed (!fixedSize() || ((Mat*)obj)->size.operator()() =
= _sz) in cv::_OutputArray::create, file C:\build\master_winpack-bindings-win64-
vc14-static\opencv\modules\core\src\matrix.cpp, line 2385
OpenCV Error: Assertion failed (!fixedSize() || ((Mat*)obj)->size.operator()() =
= _sz) in cv::_OutputArray::create, file C:\build\master_winpack-bindings-win64-
vc14-static\opencv\modules\core\src\matrix.cpp, line 2385
Traceback (most recent call last):
File "C:\Python27\_workfolder\video.py", line 457, in
main()
File "C:\Python27\_workfolder\video.py", line 440, in main
getOccupation(track_file,ROIs)
File "C:\Python27\_workfolder\video.py", line 411, in getOccupation
diff_gray_loc = backSubArray[roi_id].apply(cropped_img)
cv2.error: C:\build\master_winpack-bindings-win64-vc14-static\opencv\modules\cor
e\src\matrix.cpp:2385: error: (-215) !fixedSize() || ((Mat*)obj)->size.operator(
)() == _sz in function cv::_OutputArray::create
↧
↧
Error with stereocalibrate function in python
Hi all !
I have a problem with the stereocalibrate function in python although calibrateCamera works well with the same structure of data (e.g. list of numpy arrays). The error is a system error : " new style getargs format but argument is not a tuple". My version of python is 3.5 and OpenCV is 3.2.0.dev.
I put my code below :
import os
import numpy as np
import cv2
pathDir='/home/amelie/Documents/these/donnees_ucon/calibration_170410/'
prefixCamera='cam'
imageExtension='png'
cameraNumber=3
referenceCamera=1
imageNumber=200
maxImageCalibration=100
xCornerNumber=11
yCornerNumber=7
criteria=(cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER, 30, 0.001)
objP=np.zeros((xCornerNumber*yCornerNumber,3), np.float32)
objP[:,0:2] = np.mgrid[0:xCornerNumber,0:yCornerNumber].T.reshape(xCornerNumber*yCornerNumber,2)
objPoints = np.nan*np.ones((cameraNumber,imageNumber,xCornerNumber*yCornerNumber,3)) #3d point in real world space
imgPoints = np.nan*np.ones((cameraNumber,imageNumber,xCornerNumber*yCornerNumber,2)) #2d points in image plane.
validImages=np.zeros((imageNumber, cameraNumber),np.uint)
for camera in range(1,cameraNumber+1):
for image in range(1,imageNumber+1):
fname=pathDir+prefixCamera+str(camera)+'_'+str(image)+'.'+imageExtension
if os.path.isfile(fname):
print(prefixCamera+str(camera)+'_'+str(image)+'.'+imageExtension)
img = cv2.imread(fname)
gray=img[:,:,1] #Study on the green channel of the image
# Find the chess board corners
found, corners = cv2.findChessboardCorners(gray, (xCornerNumber,yCornerNumber),None)
if found == True:
corners=corners.reshape(xCornerNumber*yCornerNumber,2)
corners2 = cv2.cornerSubPix(gray,corners,(11,11),(-1,-1),criteria)
# Draw and display the corners
img = cv2.drawChessboardCorners(img, xCornerNumber,yCornerNumber),corners2,found)
imgPoints[camera-1,image-1,:,:]=corners2
objPoints[camera-1,image-1,:,:]=objP
validImages[image-1,camera-1]=1
hist=np.histogram(gray,255,(0,255))
else:
hist=np.histogram(gray,255,(0,255))
objPointsCameras=[]
imgPointsCameras=[]
projErrorCameras=[]
matrixCameras=[]
distortCoeffCameras=[]
rotVectorsCameras=[]
trVectorsCameras=[]
validImagesIndex=np.where(np.prod(validImages,axis=1)==1)
for camera in range(1,cameraNumber+1):
validImgPointsCam=imgPoints[camera-1,validImagesIndex[0],:,:]
validObjPointsCam=objPoints[camera-1,validImagesIndex[0],:,:]
print(len(validImgPointsCam))
index=0
imgPointsCamList=[]
objPointsCamList=[]
while index
↧
ANN classification error
Good day everyone, thanks for taking the time to look into my question.
I've started implementing an ANN classification based on OpenCV but I have this error:
* error LNK2019: symbole externe non résolu "public: static class cv::Ptr __cdecl cv::ml::ANN_MLP::create(void)" (?create@ANN_MLP@ml@cv@@SA?AV?$Ptr@VANN_MLP@ml@cv@@@3@XZ) référencé dans la fonction main
* error LNK1120: 2 externes non résolus
Thanks you for your help.
↧
D:\Opencv_Tools\opencv\sources\3rdparty\protobuf\src\google\protobuf\stubs\io_win32.cc|94|error: 'nullptr' was not declared in this scope|
I am trying to build opencv-3.4.1-vc14_vc15 in my windows 10 using cmake-3.10.2-win64-x64. First of all I tried using CMake to configure and generate the new_build files(using codeblocks minGW makefile). I only checked the BUILD_opencv_world option as I saw in a tutorial. I think it did it without errors. Then I opened the OpenCV.cbp file within my codeblocks 17.02 and build it.
but I got this error:
||=== Build: all in OpenCV (compiler: GNU GCC Compiler) ===|
D:\Opencv_Tools\opencv\sources\3rdparty\libjpeg\jcmaster.c||In function 'validate_script':|
D:\Opencv_Tools\opencv\sources\3rdparty\libjpeg\jcmaster.c|456|warning: array subscript is above array bounds [-Warray-bounds]|
D:\Opencv_Tools\opencv\sources\3rdparty\libjpeg\jquant1.c||In function 'start_pass_1_quant':|
D:\Opencv_Tools\opencv\sources\3rdparty\libjpeg\jquant1.c|443|warning: array subscript is above array bounds [-Warray-bounds]|
D:\Opencv_Tools\opencv\sources\3rdparty\libwebp\src\enc\quant_enc.c||In function 'VP8SetSegmentParams':|
D:\Opencv_Tools\opencv\sources\3rdparty\libwebp\src\enc\quant_enc.c|376|warning: array subscript is above array bounds [-Warray-bounds]|
D:\Opencv_Tools\opencv\sources\3rdparty\protobuf\src\google\protobuf\stubs\io_win32.cc|94|warning: identifier 'nullptr' is a keyword in C++11 [-Wc++0x-compat]|
D:\Opencv_Tools\opencv\sources\3rdparty\protobuf\src\google\protobuf\stubs\io_win32.cc||In function 'bool google::protobuf::internal::win32::{anonymous}::null_or_empty(const char_type*)':|
D:\Opencv_Tools\opencv\sources\3rdparty\protobuf\src\google\protobuf\stubs\io_win32.cc|94|error: 'nullptr' was not declared in this scope|
3rdparty\protobuf\CMakeFiles\libprotobuf.dir\build.make|412|recipe for target '3rdparty/protobuf/CMakeFiles/libprotobuf.dir/src/google/protobuf/stubs/io_win32.cc.obj' failed|
CMakeFiles\Makefile2|694|recipe for target '3rdparty/protobuf/CMakeFiles/libprotobuf.dir/all' failed|
D:\Opencv_Tools\opencv\new_build\Makefile|161|recipe for target 'all' failed|
||=== Build failed: 4 error(s), 4 warning(s) (4 minute(s), 45 second(s)) ===|
↧
↧
get errors while execute forward step with torch model
I have trained a torch model and it works well in torch/lua. And after I import it into opencv and excute the forward step, the following error occured: `"Incorrect size of input array in cv::dnn::ConcatLayerImpl::getMemoryShapes " file : dnn/src/layers/concat_layer.cpp line 94.` All codes can be found in [here](https://github.com/chenbohua3/faceAlignment) fan2.lua is the file to create the torch model and main.cpp is the file to load the model and execute the forward step.
↧
open_cv core build fails
Hi,
I am trying to build open cv with the following:
1. Visual Studio 2017 15.4.1
2. OS: Windows 8.1 64 bit
3. OpenCV 3.3.1
4. CMake 3.9.4 win64 x64
5. CUDA 9.0.176
Compute Capability 2.1
I generate the visual studio solution using CMake.
When it comes to building openCV, all the projects in the build order are built successfully. When open_cv core
is built, the compiler emits the following:
Build started: Project: opencv_core, Configuration: Debug x64 ------
1>Building NVCC (Device) object modules/core/CMakeFiles/cuda_compile.dir/src/cuda/Debug/cuda_compile_generated_gpu_mat.cu.obj
1>CMake Error at cuda_compile_generated_gpu_mat.cu.obj.cmake:206 (message):
1> Error generating
1> E:/Angel/ThirdPartyLibs/opencv/builds/modules/core/CMakeFiles/cuda_compile.dir/src/cuda/Debug/cuda_compile_generated_gpu_mat.cu.obj
1>
1>
1>C:\Program Files (x86)\Microsoft Visual Studio\2017\Community\Common7\IDE\VC\VCTargets\Microsoft.CppCommon.targets(171,5): error MSB6006: "cmd.exe" exited with code 1.
1>Done building project "opencv_core.vcxproj" -- FAILED.
Is there a step I am missing or is the CUDA toolkit version incompatible with the openCV version?
Tried googling and stack overflow cant find someone with the exact same problem.
thanks
↧
Getting this error - Can anyone assist please?
Good Morning all,
I was looking for some advice - trying to run a python script utilising opencv 3.4.1 -However I'm getting the below error message. Can anyone help - as I don't know what it means?
"(base) C:\Desktop\python1>python extractfaces.py
OpenCV(3.4.1) Error: Assertion failed (!empty()) in cv::CascadeClassifier::detectMultiScale, file C:\bld\opencv_1520732670222\work\opencv-3.4.1\modules\objdetect\src\cascadedetect.cpp, line 1698
Traceback (most recent call last):
File "extractfaces.py", line 50, in
detect_faces(emotion) #Call functiona
File "extractfaces.py", line 20, in detect_faces
face = faceDet.detectMultiScale(gray, scaleFactor=1.1, minNeighbors=10, minSize=(5, 5), flags=cv2.CASCADE_SCALE_IMAGE)
cv2.error: OpenCV(3.4.1) C:\bld\opencv_1520732670222\work\opencv-3.4.1\modules\objdetect\src\cascadedetect.cpp:1698: error: (-215) !empty() in function cv::CascadeClassifier::detectMultiScale
Any advice on the above would be much appreciated.
Kind Regards
Stephen
↧
How do I properly add two Matrices?
I am having a problem making addition of two images, both are 255X255, and both are of type 8UC3 , but still I am getting this error:
OpenCV Error: Sizes of input arguments do not match (The operation is neither 'array op array' (where arrays have the same size and the same number of channels), nor 'array op scalar', nor 'scalar op array') in arithm_op, file
This is my code:
std::string type2str(int type) {
std::string r;
uchar depth = type & CV_MAT_DEPTH_MASK;
uchar chans = 1 + (type >> CV_CN_SHIFT);
switch ( depth ) {
case CV_8U: r = "8U"; break;
case CV_8S: r = "8S"; break;
case CV_16U: r = "16U"; break;
case CV_16S: r = "16S"; break;
case CV_32S: r = "32S"; break;
case CV_32F: r = "32F"; break;
case CV_64F: r = "64F"; break;
default: r = "User"; break;
}
r += "C";
r += (chans+'0');
return r;
}
int main(int argc, const char** argv)
{
//
// Load the image from file
//
Mat LoadedImage,LoadedImage2;
LoadedImage = imread(argv[1], IMREAD_COLOR);
LoadedImage2 = imread(argv[2], IMREAD_COLOR);
Mat add= LoadedImage +LoadedImage2; // this is the runtime error
std::cout <
↧
↧
Detecting video playback error
Hello all,
I am attempting to detect playback error, notably during transitions of videos being displayed. The types of error include:
- Video flickering (videos goes black, or goes white)
- Distortions, artifacts
- Unexpectedly blurry video (ie, 1920x1080 looks like 640x480)
- Huge FPS drops (lack of smooth transitions during playback)
Currently, I have applied edge detection and Hough transform to detect sharp changes from frame to frame with moderate success for the first two issues, but am not sure whether these solutions are optimal.
If there are better solutions out there, I'd love to try them! Thanks.
↧
OpenCV calibration vs. Matlab calibration accuracy
Hello,
So I've programmed a simulation to project a plane onto a flat screen.
 
The red circle is my "camera", the blue is the object being projected, and the green are the 2D image point projections.
So, I know exactly where my camera is in my simulation.
I used OpenCV calibrateCamera() and used the returned camera matrix to find the camera location coordinates, and then compared that with the actual one, and my normalized distance error is .000301162. I tried increasing the amount of iterations for my term criteria, but it just converges at this number.
Then I also used MATLAB estimateCameraParameters(), and my normalized distance error was 1.76E-12.
To summarize:
Source error for OpenCV = .000301162.
Source error for MATLAB = 1.76E-12.
This is a significant difference, and I was wondering if there were any settings or additional functions in OpenCV that will make my values turn out the same as MATLAB's, and if there is any reason to why this is like this.
↧
Can't Compile anything in manjaro
I have been trying to experiment with opencv in manjaro linux. Every time I create a new project in Code::Blocks and try to compile the example, it gives me the error /home/billy/Pictures/Stuff/main.cpp:8: undefined reference to `cv::imread(cv::String const&, int)' and /home/benjymon/Pictures/Stuff/main.cpp:11: undefined reference to `cv::namedWindow(cv::String const&, int)' and 7 other errors like these. Any ideas on why this is happening?
Thanks
↧
convexHull error
I use vs2017 and opencv 3.0 x86 version.
my code below:
// Find convex hull
vector hull1;
vector hull2;
vector hullIndex;
convexHull(points2, hullIndex, false, false);
points2's size is 68.
but hullIndex's size is huge.
how to fix the error.
Thank you.
↧
↧
error link2019
my opencv is 3.4.1 and use vs2017.
I have add the .lib and folder and include path.
but error is
严重性 代码 说明 项目 文件 行 禁止显示状态
错误 LNK2019 无法解析的外部符号 "public: void __cdecl cv::Mat::copyTo(class cv::debug_build_guard::_OutputArray const &)const " (?copyTo@Mat@cv@@QEBAXAEBV_OutputArray@debug_build_guard@2@@Z),该符号在函数 "public: class cv::Mat __cdecl cv::Mat::clone(void)const " (?clone@Mat@cv@@QEBA?AV12@XZ) 中被引用 FaceSwap D:\ss\test\FaceSwap\FaceSwap\FaceSwap.obj 1
↧
OpenCV 3.4.1 & GCC5.1.0 with codeblocks in windows
Does this combination works ? OpenCV 3.4.1 + Contrib & GCC5.1.0 with codeblocks in windows. I am getting several errors while compiling.
In cmake I have disabled matlab, examples, java, python, proto, vtk, ipp, precompiled headers.
This is because I was getting different errors, and disabled these to clear one by one errors. Now at the stage of 43% of compilation I get error, which I have copied below. Request for inputs to sort out the error. Any suggestion on the tools combination?
C:\Users\user\Desktop\tool\OCV34\opencv_contrib-master\modules\phase_unwrapping\src\histogramphaseunwrapping.cpp:54:46: error: 'CV_OVERRIDE' does not name a type
virtual ~HistogramPhaseUnwrapping_Impl() CV_OVERRIDE {};
^
C:\Users\user\Desktop\tool\OCV34\opencv_contrib-master\modules\phase_unwrapping\src\histogramphaseunwrapping.cpp:58:60: error: expected ';' at end of member declaration
InputArray shadowMask = noArray() ) CV_OVERRIDE;
^
C:\Users\user\Desktop\tool\OCV34\opencv_contrib-master\modules\phase_unwrapping\src\histogramphaseunwrapping.cpp:58:62: error: 'CV_OVERRIDE' does not name a type
InputArray shadowMask = noArray() ) CV_OVERRIDE;
^
C:\Users\user\Desktop\tool\OCV34\opencv_contrib-master\modules\phase_unwrapping\src\histogramphaseunwrapping.cpp:60:63: error: expected ';' at end of member declaration
void getInverseReliabilityMap( OutputArray reliabilityMap ) CV_OVERRIDE;
^
C:\Users\user\Desktop\tool\OCV34\opencv_contrib-master\modules\phase_unwrapping\src\histogramphaseunwrapping.cpp:60:65: error: 'CV_OVERRIDE' does not name a type
void getInverseReliabilityMap( OutputArray reliabilityMap ) CV_OVERRIDE;
^
^
mingw32-make.exe[2]: *** [modules/phase_unwrapping/CMakeFiles/opencv_phase_unwrapping.dir/src/histogramphaseunwrapping.cpp.obj] Error 1
mingw32-make.exe[1]: *** [modules/phase_unwrapping/CMakeFiles/opencv_phase_unwrapping.dir/all] Error 2
mingw32-make.exe: *** [all] Error 2
modules\phase_unwrapping\CMakeFiles\opencv_phase_unwrapping.dir\build.make:54: recipe for target 'modules/phase_unwrapping/CMakeFiles/opencv_phase_unwrapping.dir/src/histogramphaseunwrapping.cpp.obj' failed
mingw32-make.exe[2]: Leaving directory 'C:/opencv34/myBuild'
CMakeFiles\Makefile2:2861: recipe for target 'modules/phase_unwrapping/CMakeFiles/opencv_phase_unwrapping.dir/all' failed
mingw32-make.exe[1]: Leaving directory 'C:/opencv34/myBuild'
C:/opencv34/myBuild/Makefile:145: recipe for target 'all' failed
↧
CMake Error at cuda_compile_generated_gpu_mat.cu.o.cmake:266
Hello,
i am trying to build OpenCV with the OpenCV-contrib modul.
I am using a Mac (10.13.4) and my Cmake command is:
I am using Clang 8.1 :
> Apple LLVM version 8.1.0> (clang-802.0.42) Target:> x86_64-apple-darwin17.5.0 Thread> model: posix InstalledDir:> /Library/Developer/CommandLineTools/usr/bin> cmake -D CMAKE_BUILD_TYPE=RELEASE > -D CMAKE_INSTALL_PREFIX=/usr/local -D BUILD_NEW_PYTHON_SUPPORT=ON -D INSTALL_PYTHON_EXAMPLES=ON -D> WITH_OPENGL=ON -D> INSTALL_C_EXAMPLES=OFF -D> OPENCV_EXTRA_MODULES_PATH=../../opencv_contrib/modules> ..
Which worked fine, but the make command doesn't work.
Thanks Marvin
> -- Looking for ccache - not found> -- Checking for module 'gstreamer-base-1.0'> -- No package 'gstreamer-base-1.0' found> -- Checking for module 'gstreamer-video-1.0'> -- No package 'gstreamer-video-1.0' found> -- Checking for module 'gstreamer-app-1.0'> -- No package 'gstreamer-app-1.0' found> -- Checking for module 'gstreamer-riff-1.0'> -- No package 'gstreamer-riff-1.0' found> -- Checking for module 'gstreamer-pbutils-1.0'> -- No package 'gstreamer-pbutils-1.0' found> -- Checking for module 'gstreamer-base-0.10'> -- No package 'gstreamer-base-0.10' found> -- Checking for module 'gstreamer-video-0.10'> -- No package 'gstreamer-video-0.10' found> -- Checking for module 'gstreamer-app-0.10'> -- No package 'gstreamer-app-0.10' found> -- Checking for module 'gstreamer-riff-0.10'> -- No package 'gstreamer-riff-0.10' found> -- Checking for module 'gstreamer-pbutils-0.10'> -- No package 'gstreamer-pbutils-0.10' found> -- Checking for module 'libdc1394-2'> -- No package 'libdc1394-2' found> -- Checking for module 'libdc1394'> -- No package 'libdc1394' found> -- found Intel IPP (ICV version): 2017.0.3 [2017.0.3]> -- at: /Users/Marvin/Documents/OpenCV3/opencv/build/3rdparty/ippicv/ippicv_mac> -- found Intel IPP IW sources: 2017.0.3> -- at: /Users/Marvin/Documents/OpenCV3/opencv/build/3rdparty/ippicv/ippiw_mac> -- CUDA detected: 9.1> -- CUDA NVCC target flags: -gencode;arch=compute_30,code=sm_30;-gencode;arch=compute_35,code=sm_35;-gencode;arch=compute_37,code=sm_37;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_52,code=sm_52;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-D_FORCE_INLINES> -- Could not find OpenBLAS include. Turning OpenBLAS_FOUND off> -- Could not find OpenBLAS lib. Turning OpenBLAS_FOUND off> -- Could NOT find Atlas (missing: Atlas_CLAPACK_INCLUDE_DIR> Atlas_BLAS_LIBRARY) > -- A library with LAPACK API found.> -- LAPACK(LAPACK/Apple): LAPACK_LIBRARIES:> /System/Library/Frameworks/Accelerate.framework;/System/Library/Frameworks/Accelerate.framework> CMake Warning at> cmake/OpenCVFindLAPACK.cmake:29> (message): LAPACK(LAPACK/Apple):> CBLAS/LAPACK headers are not found in> '' Call Stack (most recent call> first): > cmake/OpenCVFindLAPACK.cmake:143> (ocv_lapack_check) > CMakeLists.txt:605 (include)>>> -- LAPACK(Apple): LAPACK_LIBRARIES: -framework Accelerate CMake Warning at cmake/OpenCVFindLAPACK.cmake:29> (message): LAPACK(Apple):> CBLAS/LAPACK headers are not found in> '' Call Stack (most recent call> first): > cmake/OpenCVFindLAPACK.cmake:159> (ocv_lapack_check) > CMakeLists.txt:605 (include)>>> -- Could NOT find Doxygen (missing: DOXYGEN_EXECUTABLE) > -- Could NOT find Pylint (missing: PYLINT_EXECUTABLE) > -- Could NOT find Matlab (missing: MATLAB_MEX_SCRIPT MATLAB_INCLUDE_DIRS> MATLAB_ROOT_DIR MATLAB_LIBRARIES> MATLAB_LIBRARY_DIRS MATLAB_MEXEXT> MATLAB_ARCH MATLAB_BIN) > -- VTK is not found. Please set -DVTK_DIR in CMake to VTK build directory, or to VTK install> subdirectory with VTKConfig.cmake file> -- Caffe: NO> -- Protobuf: NO> -- Glog: YES> -- Looking for tiny_dnn.h> -- Looking for tiny_dnn.h - found> -- Found tiny-dnn in: /Users/Marvin/Documents/OpenCV3/opencv/build/3rdparty/tinydnn/tiny-dnn-1.0.0a3> -- The protocol buffer compiler is not found (PROTOBUF_PROTOC_EXECUTABLE='')> -- Checking for one of the modules 'harfbuzz'> -- freetype2: YES> -- harfbuzz: NO> -- HDF5: Using hdf5 compiler wrapper to determine C configuration> -- Module opencv_ovis disabled because OGRE3D was not found> -- No preference for use of exported gflags CMake configuration set, and no> hints for include/library directories> provided. Defaulting to preferring an> installed/exported gflags CMake> configuration if available.> -- Found installed version of gflags: /usr/local/lib/cmake/gflags> -- Detected gflags version: 2.2.1> -- Checking SFM deps... TRUE> -- CERES support is disabled. Ceres Solver for reconstruction API is> required.> -- HDF5: Using hdf5 compiler wrapper to determine C configuration> -- Excluding from source files list: /Users/Marvin/Documents/OpenCV3/opencv/build/modules/imgproc/accum.neon.cpp> -- Checking for modules 'tesseract;lept'> -- No package 'tesseract' found> -- No package 'lept' found> -- Tesseract: NO> -- No preference for use of exported gflags CMake configuration set, and no> hints for include/library directories> provided. Defaulting to preferring an> installed/exported gflags CMake> configuration if available.> -- Found installed version of gflags: /usr/local/lib/cmake/gflags> -- Detected gflags version: 2.2.1> -- Checking SFM deps... TRUE> -- CERES support is disabled. Ceres Solver for reconstruction API is> required.> -- > -- General configuration for OpenCV 3.4.0 =====================================> -- Version control: 3.4.0-dirty> -- > -- Extra modules:> -- Location (extra): /Users/Marvin/Documents/OpenCV3/opencv_contrib/modules> -- Version control (extra): 3.4.0> -- > -- Platform:> -- Timestamp: 2018-06-08T21:57:14Z> -- Host: Darwin 17.5.0 x86_64> -- CMake: 3.11.3> -- CMake generator: Unix Makefiles> -- CMake build tool: /usr/bin/make> -- Configuration: RELEASE> -- > -- CPU/HW features:> -- Baseline: SSE SSE2 SSE3> -- requested: SSE3> -- Dispatched code generation: SSE4_1 SSE4_2 FP16 AVX AVX2> -- requested: SSE4_1 SSE4_2 AVX FP16 AVX2> -- SSE4_1 (3 files): + SSSE3 SSE4_1> -- SSE4_2 (1 files): + SSSE3 SSE4_1 POPCNT SSE4_2> -- FP16 (2 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 AVX> -- AVX (5 files): + SSSE3 SSE4_1 POPCNT SSE4_2 AVX> -- AVX2 (9 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3> AVX AVX2> -- > -- C/C++:> -- Built as dynamic libs?: YES> -- C++11: YES> -- C++ Compiler: /Library/Developer/CommandLineTools/usr/bin/c++> (ver 8.1.0.8020042)> -- C++ flags (Release): -std=c++11 -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Winit-self -Wno-narrowing -Wno-delete-non-virtual-dtor -Wno-unnamed-type-template-args -Wno-comment -Wno-implicit-fallthrough -fdiagnostics-show-option -Wno-long-long -Qunused-arguments -Wno-semicolon-before-method-body -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -O3 -DNDEBUG -DNDEBUG> -- C++ flags (Debug): -std=c++11 -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Winit-self -Wno-narrowing -Wno-delete-non-virtual-dtor -Wno-unnamed-type-template-args -Wno-comment -Wno-implicit-fallthrough -fdiagnostics-show-option -Wno-long-long -Qunused-arguments -Wno-semicolon-before-method-body -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -g -O0 -DDEBUG -D_DEBUG> -- C Compiler: /Library/Developer/CommandLineTools/usr/bin/cc> -- C flags (Release): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Winit-self -Wno-narrowing -Wno-delete-non-virtual-dtor -Wno-unnamed-type-template-args -Wno-comment -Wno-implicit-fallthrough -fdiagnostics-show-option -Wno-long-long -Qunused-arguments -Wno-semicolon-before-method-body -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -O3 -DNDEBUG -DNDEBUG> -- C flags (Debug): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Winit-self -Wno-narrowing -Wno-delete-non-virtual-dtor -Wno-unnamed-type-template-args -Wno-comment -Wno-implicit-fallthrough -fdiagnostics-show-option -Wno-long-long -Qunused-arguments -Wno-semicolon-before-method-body -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -g -O0 -DDEBUG -D_DEBUG> -- Linker flags (Release):> -- Linker flags (Debug):> -- ccache: NO> -- Precompiled headers: NO> -- Extra dependencies: cudart nppc nppial nppicc nppicom> nppidei nppif nppig nppim nppist> nppisu nppitc npps cublas cufft> -L/Developer/NVIDIA/CUDA-9.1/lib> -- 3rdparty dependencies:> -- > -- OpenCV modules:> -- To be built: aruco bgsegm bioinspired calib3d> ccalib core cudaarithm cudabgsegm> cudafeatures2d cudafilters cudaimgproc> cudalegacy cudaobjdetect cudaoptflow> cudastereo cudawarping cudev datasets> dnn dpm face features2d flann fuzzy> hdf highgui img_hash imgcodecs imgproc> line_descriptor ml objdetect optflow> phase_unwrapping photo plot> python_bindings_generator reg rgbd> saliency sfm shape stereo stitching> structured_light superres> surface_matching text tracking ts> video videoio videostab xfeatures2d> ximgproc xobjdetect xphoto> -- Disabled: js world> -- Disabled by dependency: -> -- Unavailable: cnn_3dobj cudacodec cvv dnn_modern> freetype java matlab ovis python2> python3 viz> -- Applications: tests perf_tests apps> -- Documentation: NO> -- Non-free algorithms: NO> -- > -- GUI: > -- Cocoa: YES> -- OpenGL support: NO> -- VTK support: NO> -- > -- Media I/O: > -- ZLib: build (ver 1.2.11)> -- JPEG: build (ver 90)> -- WEBP: /usr/local/lib/libwebp.dylib (ver> encoder: 0x020e)> -- PNG: build (ver 1.6.34)> -- TIFF: build (ver 42 - 4.0.9)> -- JPEG 2000: build (ver 1.900.1)> -- OpenEXR: build (ver 1.7.1)> -- > -- Video I/O:> -- DC1394: NO> -- FFMPEG: YES> -- avcodec: YES (ver 58.18.100)> -- avformat: YES (ver 58.12.100)> -- avutil: YES (ver 56.14.100)> -- swscale: YES (ver 5.1.100)> -- avresample: YES (ver 4.0.0)> -- GStreamer: NO> -- AVFoundation: YES> -- gPhoto2: YES> -- > -- Parallel framework: GCD> -- > -- Trace: YES (with Intel ITT)> -- > -- Other third-party libraries:> -- Intel IPP: 2017.0.3 [2017.0.3]> -- at: /Users/Marvin/Documents/OpenCV3/opencv/build/3rdparty/ippicv/ippicv_mac> -- Intel IPP IW: sources (2017.0.3)> -- at: /Users/Marvin/Documents/OpenCV3/opencv/build/3rdparty/ippicv/ippiw_mac> -- Lapack: NO> -- Eigen: YES (ver 3.3.4)> -- Custom HAL: NO> -- > -- NVIDIA CUDA: YES (ver 9.1, CUFFT CUBLAS)> -- NVIDIA GPU arch: 30 35 37 50 52 60 61 70> -- NVIDIA PTX archs:> -- > -- OpenCL: YES (no extra features)> -- Include path: NO> -- Link libraries: -framework OpenCL> -- > -- Python (for build): /usr/local/bin/python2.7> -- > -- Java:> -- ant: NO> -- JNI: /System/Library/Frameworks/JavaVM.framework/Headers> /System/Library/Frameworks/JavaVM.framework/Headers> /System/Library/Frameworks/JavaVM.framework/Headers> -- Java wrappers: NO> -- Java tests: NO> -- > -- Matlab: NO> -- > -- Install to: /usr/local> -- -----------------------------------------------------------------> -- > -- Configuring done> -- Generating done> -- Build files have been written to: /Users/Marvin/Documents/OpenCV3/opencv/build> [ 0%] Built target gen-pkgconfig [ > 1%] Built target zlib [ 4%] Built> target libjpeg [ 6%] Built target> libtiff [ 7%] Built target libjasper> [ 8%] Built target libpng [ 12%]> Built target IlmImf [ 13%] Built> target ippiw [ 14%] Built target> ittnotify [ 18%] Built target> libprotobuf [ 18%] Built target> opencv_cudev [ 18%] Building NVCC> (Device) object> modules/core/CMakeFiles/cuda_compile.dir/src/cuda/cuda_compile_generated_gpu_mat.cu.o> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/cstddef(97):> error: identifier "nullptr" is> undefined>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/cstddef(97):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(257):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(261):> error: member> "std::__1::integral_constant<_Tp,> __v>::constexpr" is not a type name>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(261):> error: return type may not be> specified on a conversion function>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(261):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(269):> error: "constexpr" is not a function> or static data member>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(327):> error: identifier "nullptr_t" is> undefined>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(346):> error: identifier "char16_t" is> undefined>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(347):> error: identifier "char32_t" is> undefined>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(347):> error: class> "std::__1::__libcpp_is_integral<>"> has already been defined>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(554):> error: identifier "nullptr_t" is> undefined>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(655):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1162):> error: expected a type specifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1162):> error: expected a type specifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1185):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1185):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1186):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1186):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1187):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1187):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1188):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1188):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1189):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1189):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1190):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1190):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1191):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1191):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1192):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1192):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1193):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1193):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1194):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1194):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1195):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1195):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1196):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1196):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1197):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1197):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1198):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1198):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1201):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1201):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1257):> error: function template> "std::__1::declval" is not a type name>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1257):> error: function returning function is> not allowed>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1257):> error: "__test" has already been> declared in the current scope>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1257):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1258):> error: identifier "type" is undefined>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1287):> error: expected a ")">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1287):> error: function returning function is> not allowed>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1287):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1298):> error: expected a ")">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1298):> error: function returning function is> not allowed>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1298):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1535):> error: expected a ")">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1535):> error: expected a ">">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1535):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1555):> error: expected a ")">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1555):> error: expected a ")">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1555):> error: too few arguments for class> template "std::__1::__select_2nd">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1555):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1574):> error: expected a ")">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1619):> error: expected a ")">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1668):> error: expected a ";">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1825):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1825):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1833):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1833):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1841):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1841):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1849):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1849):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1857):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1857):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1865):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1865):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1873):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1873):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1881):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1881):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1889):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1889):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1897):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1897):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1905):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1905):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1913):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1913):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1921):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1921):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1929):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1929):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1937):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1937):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1945):> error: too few arguments for class> template> "std::__1::__member_pointer_traits_imp">> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(1945):> error: expected an identifier>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(2964):> error: function call is not allowed in> a constant expression>> /Library/Developer/CommandLineTools/usr/bin/../include/c++/v1/type_traits(2964):> error: function call is not allowed in> a constant expression>> Error limit reached. 100 errors> detected in the compilation of> "/var/folders/yz/49kbdr4n0fv_zz022xkfs_p40000gn/T//tmpxft_00007536_00000000-13_gpu_mat.compute_70.cpp1.ii".> Compilation terminated. CMake Error at> cuda_compile_generated_gpu_mat.cu.o.cmake:266> (message): Error generating file > /Users/Marvin/Documents/OpenCV3/opencv/build/modules/core/CMakeFiles/cuda_compile.dir/src/cuda/./cuda_compile_generated_gpu_mat.cu.o>>> make[2]: ***> [modules/core/CMakeFiles/cuda_compile.dir/src/cuda/cuda_compile_generated_gpu_mat.cu.o]> Error 1 make[1]: ***> [modules/core/CMakeFiles/opencv_core.dir/all]> Error 2 make: *** [all] Error 2
↧
openCV3 - Python Docs
Hello:
I'm a bit lost. Recently switched to openCV 3.4.1 for Python 3.6.5. I previously used 2.4 with python 2.7. So I am finding a number of syntax changes when calling cv funtions in my python scripts. I try to make the needed corrections by using the tutorial and doc examples but it seems most of these only show examples for C++ where in 2.4 would show both C++ and Python programming examples.
Maybe I'm missing something/understanding how mitigate resolving these syntax errors. Any help and insights are much apreciated.
↧
↧
error 2 compiling OpenCV3.4 with Cmake
Hi, i´m trying to compile OpenCV 3.4 with CMake 3.11.3 and when it reach 41% ( when is trying to compile window_w32.cpp which is inside highgui source code) i am getting several errors, for example:
error: MONITOR_DEFAULTTONEAREST was not decleared in this scope.
....
...
make [1] [modules/highgui/CMakeFiles/opencv_highgui.dir/all] error 2
The generator for the cmake project is MSYS MAKEFILES, using default native compilers.
The compiler is MINGW.
I would really appreciate your help.
Thanks.
-----------------------------
General configuration for OpenCV 3.4.1 =====================================
Version control: unknown
Platform:
Timestamp: 2018-06-19T19:53:17Z
Host: Windows 6.1.7600 x86
CMake: 3.11.3
CMake generator: MSYS Makefiles
CMake build tool: C:/MinGW/msys/1.0/bin/make.exe
Configuration: Release
CPU/HW features:
Baseline: SSE SSE2
requested: SSE2
Dispatched code generation: SSE4_1 SSE4_2 FP16 AVX
requested: SSE4_1 SSE4_2 AVX FP16
SSE4_1 (3 files): + SSE3 SSSE3 SSE4_1
SSE4_2 (1 files): + SSE3 SSSE3 SSE4_1 POPCNT SSE4_2
FP16 (2 files): + SSE3 SSSE3 SSE4_1 POPCNT SSE4_2 FP16 AVX
AVX (5 files): + SSE3 SSSE3 SSE4_1 POPCNT SSE4_2 AVX
C/C++:
Built as dynamic libs?: YES
C++ Compiler: C:/MinGW/bin/g++.exe (ver 4.8.1)
C++ flags (Release): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Winit-self -Wno-narrowing -Wno-delete-non-virtual-dtor -Wno-comment -fdiagnostics-show-option -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -mfpmath=sse -fvisibility=hidden -fvisibility-inlines-hidden -O3 -DNDEBUG -DNDEBUG
C++ flags (Debug): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Winit-self -Wno-narrowing -Wno-delete-non-virtual-dtor -Wno-comment -fdiagnostics-show-option -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -mfpmath=sse -fvisibility=hidden -fvisibility-inlines-hidden -g -O0 -DDEBUG -D_DEBUG
C Compiler: C:/MinGW/bin/gcc.exe
C flags (Release): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Winit-self -Wno-narrowing -Wno-comment -fdiagnostics-show-option -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -mfpmath=sse -fvisibility=hidden -O3 -DNDEBUG -DNDEBUG
C flags (Debug): -fsigned-char -W -Wall -Werror=return-type -Werror=non-virtual-dtor -Werror=address -Werror=sequence-point -Wformat -Werror=format-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Winit-self -Wno-narrowing -Wno-comment -fdiagnostics-show-option -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -mfpmath=sse -fvisibility=hidden -g -O0 -DDEBUG -D_DEBUG
Linker flags (Release): -Wl,--gc-sections
Linker flags (Debug): -Wl,--gc-sections
ccache: NO
Precompiled headers: YES
Extra dependencies:
3rdparty dependencies:
OpenCV modules:
To be built: calib3d core dnn features2d flann highgui imgcodecs imgproc java_bindings_generator ml objdetect photo python_bindings_generator shape stitching superres ts video videoio videostab
Disabled: js world
Disabled by dependency: -
Unavailable: cudaarithm cudabgsegm cudacodec cudafeatures2d cudafilters cudaimgproc cudalegacy cudaobjdetect cudaoptflow cudastereo cudawarping cudev java python2 python3 viz
Applications: tests perf_tests apps
Documentation: NO
Non-free algorithms: NO
Windows RT support: NO
GUI:
Win32 UI: YES
VTK support: NO
Media I/O:
ZLib: build (ver 1.2.11)
JPEG: build (ver 90)
WEBP: build (ver encoder: 0x020e)
PNG: build (ver 1.6.34)
TIFF: build (ver 42 - 4.0.9)
JPEG 2000: build (ver 1.900.1)
OpenEXR: build (ver 1.7.1)
Video I/O:
Video for Windows: YES
DC1394: NO
FFMPEG: YES (prebuilt binaries)
avcodec: YES (ver 57.107.100)
avformat: YES (ver 57.83.100)
avutil: YES (ver 55.78.100)
swscale: YES (ver 4.8.100)
avresample: YES (ver 3.7.0)
GStreamer: NO
DirectShow: NO
Parallel framework: none
Trace: YES (built-in)
Other third-party libraries:
Lapack: NO
Eigen: NO
Custom HAL: NO
Protobuf: build (3.5.1)
NVIDIA CUDA: NO
OpenCL: YES (no extra features)
Include path: C:/opencv/sources/3rdparty/include/opencl/1.2
Link libraries: Dynamic load
Python (for build): C:/Python27/python.exe
Java:
ant: NO
JNI: C:/Program Files/Java/jdk1.8.0_45/include C:/Program Files/Java/jdk1.8.0_45/include/win32 C:/Program Files/Java/jdk1.8.0_45/include
Java wrappers: NO
Java tests: NO
Matlab: YES
mex: C:/Program Files/MATLAB/R2012b/bin/mex.bat
Compiler/generator: Not working (bindings will not be generated)
Install to: C:/opencv/mybuild/install
-----------------------------------------------------------------
Configuring done
↧
CMake Error at cmake/OpenCVDetectCXXCompiler.cmake
Hello everyone! This is my first post. I'm having trouble with compiling OpenCV in openSUSE Tumbleweed. I get an error when I try to configure with both cmake-gui and cmake. Error is:
CMake Error at cmake/OpenCVDetectCXXCompiler.cmake:85 (list):
list GET given empty list
Call Stack (most recent call first):
CMakeLists.txt:109 (include)
CMake Error at cmake/OpenCVDetectCXXCompiler.cmake:86 (list):
list GET given empty list
Call Stack (most recent call first):
CMakeLists.txt:109 (include)
CMake Error at cmake/OpenCVDetectCXXCompiler.cmake:89 (math):
math cannot parse the expression: "*100 + ": syntax error, unexpected
exp_TIMES, expecting exp_OPENPARENT or exp_NUMBER (1)
Call Stack (most recent call first):
CMakeLists.txt:109 (include)
Following line after the error is that:
Detected version of GNU GCC: ()
Is it meaning that something is wrong with the GCC, because there should be version written inside the brackets?
I don't know much about cmake to solve this problem, so unfortunately I'm stuck.
cmake version 3.2.3
gcc version 5.1.1 20150622 [gcc-5-branch revision 224722] (SUSE Linux)
Itried both opencv-3.0.0 and opencv-master but got same error.
↧
compiling error on TK1 board
Hello,
I have build Opencv 3.3 on TK1 on single core. Then i started implementing the algorithm. Which were working fine. But then because of need i needed all the cores to work. then i made all cores to online. Now my all cores are online but code is giving compilation error. i am not getting the reason why this happened. But is this right that opencv build on single core might not work on multicore? or any other reason behind this?
Thanks in advance.
↧