OpenCV camera related functions

1. Solving the transformation parameter matrix

1. Calculate the affine transformation matrix between three two-dimensional point pairs: getAffineTransform()

2. Calculate the optimal radiation transformation matrix (minimum error criterion) between multiple two-dimensional point pairs: estimateRigidTransform(); or findHomography();

3. Calculate the transmission transformation between four two-dimensional point pairs: getPerspectiveTransform();

4. Calculate the affine transformation between multiple three-dimensional point pairs: estimateAffine3D();

5. Calculate the basis matrix between multiple point pairs: findFundamentalMat();

2. Perform matrix transformation

1. Perform affine transformation on the input image: warpAffine();

2. Perform transmission transformation on the input image: perspectiveTransform(); and warpPerspective();

3. Perform affine transformation on the input two-dimensional point pair: transform(); This function can also be used for color transformation

4. Perform transmission transformation on the input three-dimensional point pair: perspectiveTransform();

3. Functions from Camera Calibration Toolbox

1. Estimate object position and attitude: cvPOSIT();

2. Restore the position and posture according to the corresponding three-dimensional points, and realize the transformation between the two-dimensional coordinates of the object’s position and the three-dimensional coordinates: solvePnP() and solvePnPRansac()

3. Combine two rotation and translation transformations: composeRT()

4. Convert points from Euclidean space to homogeneous coordinates: convertPointsToHomogeneous()

5. Convert points from subspace to Euclidean space: convertPointsFromHomogeneous()

The above two functions are combined into: convertPointsHomogeneous()

6. Decompose the matrix: decomposeProjectionMatrix()

7. Detect the position of the corners within the chessboard: findChessboardCorners()

8. Draw the corner positions of the detected checkerboard: drawChessboardCorners()

9. Get the center of the circular spot in the circle grating: findCirclesGrid()

10. Calculate the fundamental matrix of the associated points of the two images: findFundamentalMat()

11. Calculate the epipolar lines corresponding to other images: computeCorrespondEpilines()

cv2.absdiff()
cv2.accumulate()
cv2.accumulateProduct()
cv2.accumulateSquare()
cv2.accumulateWeighted()
cv2.adaptiveThreshold() # Image adaptive local binarization
cv2.add() # Add two images
cv2.addText() # Add text
cv2.addWeighted() #Adjust image brightness and contrast
cv2.applyColorMap()
cv2.approxPolyDP() # Polygon approximation contour
cv2.arcLength() # Contour perimeter, arc length
cv2.arrowedLine() # Line with arrow
cv2.ACCESS_FAST #todo

cv2.batchDistance()
cv2.bilateralFilter() # Gaussian bilateral filtering. Preserve the edges of the image, edge preserving filtering, used for beauty, filters
cv2.bitwise_and() # Logical AND operation of two images
cv2.bitwise_not() # Negate the pixels of an image
cv2.bitwise_or() # Logical OR operation of two images
cv2.bitwise_xor() # XOR
cv2.blur() # Image mean blur
cv2.borderInterpolate()
cv2.boundingRect() # The bounding rectangle of the outline
cv2.boxFilter()
cv2.boxPoints()
cv2.buildOpticalFlowPyramid() # Build optical flow pyramid
cv2.BackgroundSubtractor # Class, video background detection
cv2.BackgroundSubtractor.apply()
cv2.BackgroundSubtractor.clear
cv2.BackgroundSubtractor.empty()
cv2.BackgroundSubtractor.getBackgroundImage()
cv2.BackgroundSubtractor.getDefaultName()
cv2.BackgroundSubtractor.mro()
cv2.BackgroundSubtractor.read()
cv2.BackgroundSubtractor.save()
cv2.BackgroundSubtractor.write()
cv2.BackgroundSubtractorKNN #Class
cv2.BackgroundSubtractorKNN.apply()
cv2.BackgroundSubtractorKNN.clear()
cv2.BackgroundSubtractorKNN.empty()
cv2.BackgroundSubtractorKNN.getBackgroundImage()
cv2.BackgroundSubtractorKNN.getDefaultName()
cv2.BackgroundSubtractorKNN.getDetectShadows()
cv2.BackgroundSubtractorKNN.getDist2Threshold()
cv2.BackgroundSubtractorKNN.getHistory()
cv2.BackgroundSubtractorKNN.getkNNSamples()
cv2.BackgroundSubtractorKNN.getShadowThreshold()
cv2.BackgroundSubtractorKNN.getShadowValue()
cv2.BackgroundSubtractorKNN.mro()
cv2.BackgroundSubtractorKNN.read()
cv2.BackgroundSubtractorKNN.save()
cv2.BackgroundSubtractorKNN.setDetectShadows()
cv2.BackgroundSubtractorKNN.setDist2Threshold()
cv2.BackgroundSubtractorKNN.setHistory()
cv2.BackgroundSubtractorKNN.setkNNSamples()
cv2.BackgroundSubtractorKNN.setNSamples()
cv2.BackgroundSubtractorKNN.setShadowThreshold()
cv2.BackgroundSubtractorKNN.setShadowValue()
cv2.BackgroundSubtractorKNN.write()
cv2.BackgroundSubtractorMOG2
cv2.BaseCascadeClassifier
cv2.BFMatcher # Class. Brute-Force image feature matching
cv2.BFMatcher_create()
cv2.BFMatcher.match()
cv2.BOWImgDescriptorExtractor
cv2.BOWKMeansTrainer
cv2.BOWTrainer
cv2.BRISK
cv2.BRISK_create()

cv2.calcBackProject() # In HSV color space, the histogram is back-projected. Can be used to detect targets
cv2.calcCovarMatrix()
cv2.calcHist() # Calculate the histogram of the image
cv2.calcOpticalFlowFarneback()
cv2.calcOpticalFlowPyrLK() # Lucas-Kanade optical flow algorithm
cv2.calibrateCamera() # Camera calibration
cv2.calibrateCameraExtended()
cv2.calibrateCameraRO()
cv2.calibrateCameraROExtended()
cv2.calibrateHandEye()
cv2.calibrationMatrixValues() # Calculate camera features from camera matrix
cv2.cartToPolar()
cv2.checkChessboard()
cv2.checkHardwareSupport()
cv2.checkRange()
cv2.circle() # Draw a circle
cv2.clipLine()
cv2.CLAHE() # CLAHE histogram equalization
cv2.colorChange()
cv2.compare()
cv2.compareHist() # Compare the histograms of two images. Can be used for similarity between two images
cv2.completeSymm()
cv2.composeRT() # Combination of rotation and translation transformations
cv2.computeCorrespondEpilines()
cv2.computeECC()
cv2.connectedComponents() # Connected areas of the image
cv2.connectedComponentsWithAlgorithm()
cv2.connectedComponentsWithStats()
cv2.connectedComponentsWithStatsWithAlgorithm()
cv2.contourArea() #Contour area
cv2.convertFp16()
cv2.convertMaps()
cv2.convertPointsFromHomogeneous()
cv2.convertPointsToHomogeneous()
cv2.convertScaleAbs() # Absolute value conversion
cv2.convexHull() # Draw the convex hull of the point set
cv2.convexityDefects() # Convex defects
cv2.copyMakeBorder()
cv2.copyTo()
cv2.cornerEigenValsAndVecs()
cv2.cornerHarris() #Harris corner point
cv2.cornerSubPix()
cv2.correctMatches() # Correct the coordinates of the corresponding point
cv2.countNonZero() #Number of non-zero values
cv2.createAlignMTB()
cv2.createBackgroundSubtractorKNN()
cv2.createBackgroundSubtractorMOG2() # Gaussian mixture model, used for video background detection
cv2.createButton()
cv2.createCalibrateDebevec()
cv2.createCalibrateRobertson()
cv2.createCLAHE() #Local adaptive histogram equalization of grayscale images.
cv2.createGeneralizedHoughBallard()
cv2.createGeneralizedHoughGuil()
cv2.createHanningWindow()
cv2.createLineSegmentDetector()
cv2.createMergeDebevec()
cv2.createMergeMertens()
cv2.createMergeRobertson()
cv2.createTonemap()
cv2.createTonemapDrago()
cv2.createTonemapMantiuk()
cv2.createTonemapReinhard()
cv2.createTrackbar()
cv2.cubeRoot()
cv2.cuda()
cv2.cuda_BufferPool()
cv2.cuda_DeviceInfo()
cv2.cuda_Event()
cv2.cuda_GpuMat()
cv2.cuda_GpuMat_Allocator()
cv2.cuda_HostMem()
cv2.cuda_Stream()
cv2.cuda_TargetArchs()
cv2.cvtColor() #Convert image color space. Skin color recognition generally uses HSV color space
cv2.cvtColorTwoPlane()
cv2.CALIB_CB_ACCURACY() #todo
cv2.CalibrateCRF #Class
cv2.CalibrateDebevec #Class
cv2.CalibrateRobertson #Class
cv2.CamShift()
cv2.Canny() # Canny edge detection
cv2.CascadeClassifier # Class, cascade classifier. For example, face detection
cv2.CascadeClassifier_convert()

cv2.data()
cv2.dct()
cv2.decolor()
cv2.decomposeEssentialMat()
cv2.decomposeHomographyMat()
cv2.decomposeProjectionMatrix() #Decompose the projection matrix into a rotation matrix and a camera matrix
cv2.demosaicing()
cv2.denoise_TVL1()
cv2.destroyAllWindows()
cv2.destroyWindow()
cv2.detail()
cv2.detail_AffineBasedEstimator() #todo
cv2.dft()
cv2.dilate() # Dilation of binary images. Image lines become thicker after expansion
cv2.displayOverlay()
cv2.displayStatusBar()
cv2.distanceTransform() # Distance transformation
cv2.distanceTransformWithLabels()
cv2.divide() #Divide two images
cv2.dnn.blobFromImage #Scale transformation of an image or a frame of video
cv2.dnn.blobFromImages
cv2.dnn.DNN_BACKEND_CUDA
cv2.dnn.DNN_BACKEND_DEFAULT
cv2.dnn.DNN_BACKEND_HALIDE
cv2.dnn.DNN_BACKEND_INFERENCE_ENGINE
cv2.dnn.DNN_BACKEND_OPENCV
cv2.dnn.DNN_BACKEND_VKCOM
cv2.dnn.DNN_TARGET_CPU
cv2.dnn.DNN_TARGET_CUDA
cv2.dnn.DNN_TARGET_CUDA_FP16
cv2.dnn.DNN_TARGET_FPGA
cv2.dnn.DNN_TARGET_MYRIAD
cv2.dnn.DNN_TARGET_OPENCL
cv2.dnn.DNN_TARGET_OPENCL_FP16
cv2.dnn.DNN_TARGET_VULKAN
cv2.dnn.imagesFromBlob
cv2.dnn.Net_readFromModelOptimizer
cv2.dnn.NMSBoxes
cv2.dnn.NMSBoxesRotated
cv2.dnn.readNet
cv2.dnn.readNetFromCaffe
cv2.dnn.readNetFromDarknet
cv2.dnn.readNetFromModelOptimizer
cv2.dnn.readNetFromONNX
cv2.dnn.readNetFromTensorflow
cv2.dnn.readNetFromTorch
cv2.dnn.readTensorFromONNX
cv2.dnn.readTorchBlob
cv2.dnn.shrinkCaffeModel
cv2.dnn.writeTextGraph
cv2.drawChessboardCorners() # Draw the black and white junction in the image
cv2.drawContours() # Draw contours
cv2.drawFrameAxes()
cv2.drawKeypoints()
cv2.drawMarker()
cv2.drawMatches() # Draw the results of feature point matching
cv2.drawMatchesKnn() # Draw the result of feature point matching
cv2.DCT_INVERSE()
cv2.DenseOpticalFlow # Dense optical flow class
cv2.DescriptorMatcher # Descriptor matching class
cv2.DescriptorMatcher_create()
cv2.DISOpticalFlow # Class
cv2.DISOpticalFlow_create()
cv2.DMatch # Class
 
cv2.edgePreservingFilter()
cv2.eigen()
cv2.eigenNonSymmetric()
cv2.ellipse() # Draw ellipse
cv2.ellipse2Poly()
cv2.equalizeHist() # Global histogram equalization for grayscale images. Can be used to enhance the contrast of an image, making bright areas brighter and dark areas darker.
cv2.erode() # Corrosion of binary images. Image lines become thinner after corrosion
cv2.error()
cv2.estimateAffine2D()
cv2.estimateAffine3D()
cv2.estimateAffinePartial2D()
cv2.exp() #Calculate exponent
cv2.extractChannel()
cv2.EMD()#todo

cv2.fastAtan2()
cv2.fastNlMeansDenoising()
cv2.fastNlMeansDenoisingColored()
cv2.fastNlMeansDenoisingColoredMulti()
cv2.fastNlMeansDenoisingMulti()
cv2.fillConvexPoly()
cv2.fillPoly()
cv2.filter2D() # Image 2D convolution filtering
cv2.filterHomographyDecompByVisibleRefpoints()
cv2.filterSpeckles() # Filter out small noise blocks
cv2.find4QuadCornerSubpix()
cv2.findChessboardCorners() # Get the black and white junction in the image
cv2.findChessboardCornersSB() # Get the black and white junction in the image
cv2.findCirclesGrid() # Find the center point of the circle
cv2.findContours() # Find contours in the binary image
cv2.findEssentialMat()
cv2.findFundamentalMat() # Calculate the fundamental matrix between corresponding points in two images
cv2.findHomography() # Calculate the perspective transformation between two planes
cv2.findNonZero()
cv2.findTransformECC()
cv2.fisheye # module, fisheye camera model
cv2.fisheye.calibrate
cv2.fisheye.distortPoints
cv2.fisheye.estimateNewCameraMatrixForUndistortRectify
cv2.fisheye.initUndistortRectifyMap() # After the camera is calibrated, obtain the x-axis and y-axis mapping
cv2.fisheye.projectPoints
cv2.fisheye.stereoCalibrate
cv2.fisheye.stereoRectify
cv2.fisheye.undistortImage
cv2.fisheye.undistortPoints
cv2.fitEllipse() # Fit ellipse
cv2.fitEllipseAMS()
cv2.fitEllipseDirect()
cv2.fitLine()
cv2.flann()
cv2.flann_Index()
cv2.flip() # Flip a frame of a picture or video
cv2.floodFill() # Image flood filling, filling method cv2.FLOODFILL_FIXED_RANGE, cv2.FLOODFILL_MASK_ONLY
cv2.FarnebackOpticalFlow() #todo
cv2.FlannBasedMatcher # Class. #FLANNImage feature feature matching
cv2.FlannBasedMatcher_create()
cv2.FlannBasedMatcher.knnMatch()

cv2.gemm()
cv2.getAffineTransform()
cv2.getBuildInformation()
cv2.getCPUTickCount()
cv2.getDefaultNewCameraMatrix()
cv2.getDerivKernels()
cv2.getFontScaleFromHeight()
cv2.getGaborKernel()
cv2.getGaussianKernel()
cv2.getHardwareFeatureName()
cv2.getNumberOfCPUs() # Number of CPUs
cv2.getNumThreads() # Number of threads
cv2.getOptimalDFTSize()
cv2.getOptimalNewCameraMatrix() # After the camera is calibrated, get the new matrix
cv2.getPerspectiveTransform()
cv2.getRectSubPix()
cv2.getRotationMatrix2D()
cv2.getStructuringElement() # Get the structural element. Kernels for building morphological operations
cv2.getTextSize() # Get the text size
cv2.getThreadNum()
cv2.getTickCount() # Get CPU time
cv2.getTickFrequency()
cv2.getTrackbarPos()
cv2.getValidDisparityROI()
cv2.getVersionMajor()
cv2.getVersionMinor()
cv2.getVersionRevision()
cv2.getVersionString()
cv2.getWindowImageRect()
cv2.getWindowProperty()
cv2.goodFeaturesToTrack() # Detect corners in the video
cv2.grabCut() #GrabCut extracts the foreground
cv2.groupRectangles()
cv2.GaussianBlur() # Gauss blur
cv2.GeneralizedHough # class
cv2.GeneralizedHoughBallard # Class
cv2.GeneralizedHoughGuil # Class
cv2.GFTTDetector # Class
cv2.GFTTDetector_create()

cv2.haarcascades()
cv2.hconcat()
cv2.HOGDescriptor_getDaimlerPeopleDetector()
cv2.HOGDescriptor_getDefaultPeopleDetector()
cv2.HoughCircles() # Hough circle detection
cv2.HoughLines() # Hough line detection, polar coordinates
cv2.HoughLinesP() # Hough detects the starting point and end point of a straight line
cv2.HoughLinesPointSet()
cv2.HuMoments() # Hu moments
cv2.HISTCMP_BHATTACHARYYA() # todo

cv2.isContourConvex # Whether the contour is convex
cv2.idct
cv2.idft
cv2.illuminationChange
cv2.imdecode
cv2.imencode
cv2.importlib
cv2.imread # Read one frame of a picture or video
cv2.imreadmulti
cv2.imshow # Display pictures
cv2.imwrite # Save the image to an external file
cv2.inpaint
cv2.inRange
cv2.INTERSECT_PARTIAL #todo

cv2.kmeans()
cv2.KalmanFilter() #todo

cv2.line() # Draw a straight line
cv2.linearPolar()
cv2.log()
cv2.logPolar()
cv2.Laplacian() # Laplacian edge extraction operator
cv2.LDR_SIZE()
cv2.LineSegmentDetector # Class
cv2.LUT
 #todo

cv2.magnitude()
cv2.matchShapes() # Shape matching
cv2.matchTemplate() # Image template matching
cv2.matMulDeriv()
cv2.max()
cv2.mean() # The mean of an image
cv2.meanShift()
cv2.meanStdDev() # The mean and standard deviation of an image
cv2.medianBlur() # Image median blur
cv2.merge() # Merge color channels
cv2.min()
cv2.minAreaRect() #The minimum enclosing rectangle of the image
cv2.minEnclosingCircle() # Minimum circumscribed circle of the image
cv2.minEnclosingTriangle()
cv2.minMaxLoc() # Get the coordinates of the minimum and maximum values in the picture. Generally used in image template matching.
cv2.mixChannels()
cv2.ml #ml package
cv2.ml_ANN_MLP() # class
cv2.ml_Boost()
cv2.ml_DTrees()
cv2.ml_EM()
cv2.ml_KNearest()
cv2.ml_LogisticRegression()
cv2.ml_NormalBayesClassifier()
cv2.ml_ParamGrid()
cv2.ml_RTrees()
cv2.ml_StatModel()
cv2.ml_SVM()
cv2.ml_SVMSGD()
cv2.ml_TrainData()
cv2.moments() # Image moments
cv2.morphologyEx() # Morphological operations on binary images. For example, opening operation, closing operation, top hat, black hat, inner gradient, outer gradient.
                    # Open the operation to: 1) Extract horizontal or vertical lines. 2) Remove thin interfering straight lines or interfering blocks
cv2.moveWindow()
cv2.mulSpectrums()
cv2.multiply() # Multiply two images
cv2.mulTransposed()
cv2.Mahalanobis() # todo


cv2.namedWindow()
cv2.norm() #Norm of vector or sentence matrix
cv2.normalize() # Regularization
cv2.NORM_HAMMING() # todo

cv2.os()
cv2.ocl()
cv2.ocl_Device()
cv2.OPTFLOW_FARNEBACK_GAUSSIAN
cv2.OPTFLOW_LK_GET_MIN_EIGENVALS
cv2.OPTFLOW_USE_INITIAL_FLOW
cv2.ORB # Class. ORB features, faster than SIFT and SUFRF
cv2.ORB_create()
cv2.ORB_FAST_SCORE
cv2.ORB_HARRIS_SCORE

cv2.patchNaNs()
cv2.pencilSketch()
cv2.perspectiveTransform()
cv2.phase()
cv2.phaseCorrelate()
cv2.pointPolygonTest() # Distance from point to contour
cv2.polarToCart()
cv2.polylines() # Draw polygons
cv2.pow()
cv2.preCornerDetect()
cv2.projectPoints()
cv2.putText()
cv2.pyrDown() # Image pyramid downsampling
cv2.pyrMeanShiftFiltering() # Mean shift filtering. A Gaussian bilateral filter that retains the edges of the image, edge-preserving filtering, oil painting effect, used for beauty, filters
cv2.pyrUp() # Image pyramid upsampling
cv2.PARAM_ALGORITHM() # todo
cv2.QRCodeDetector() # todo

cv2.randn()
cv2.randShuffle()
cv2.randu()
cv2.readOpticalFlow()
cv2.recoverPose()
cv2.rectangle() # Draw a rectangle
cv2.rectify3Collinear()
cv2.redirectError()
cv2.reduce()
cv2.remap() # After the camera is calibrated, map the original image to the new image
cv2.repeat()
cv2.reprojectImageTo3D()
cv2.resize()
cv2.resizeWindow()
cv2.rotate()
cv2.rotatedRectangleIntersection()
cv2.RANSAC() #todo
cv2.Rodrigues # Turn the rotation matrix into a rotation vector, or turn the rotation vector into a rotation matrix
cv2.RQDecomp3x3 # Calculate the RQ decomposition of the 3*3 matrix

cv2.samples()
cv2.sampsonDistance()
cv2.scaleAdd()
cv2.seamlessClone()
cv2.selectROI()
cv2.selectROIs()
cv2.sepFilter2D()
cv2.setIdentity()
cv2.setMouseCallback()
cv2.setNumThreads()
cv2.setRNGSeed()
cv2.setTrackbarMax()
cv2.setTrackbarMin()
cv2.setTrackbarPos()
cv2.setUseOpenVX()
cv2.setUseOptimized()
cv2.setWindowProperty()
cv2.setWindowTitle()
cv2.solve()
cv2.solveCubic()
cv2.solveLP()
cv2.solveP3P()
cv2.solvePnP() #Discover the posture of the object from the correspondence between 3 and 2D
cv2.solvePnPGeneric()
cv2.solvePnPRansac() #Use the RANSAC algorithm to find the posture of the object from the correspondence between 3 and 2D
cv2.solvePnPRefineLM()
cv2.solvePnPRefineVVS()
cv2.solvePoly()
cv2.sort()
cv2.sortIdx()
cv2.spatialGradient()
cv2.split() #Separate color channels into BGR
cv2.sqrBoxFilter()
cv2.sqrt() #square root
cv2.startWindowThread()
cv2.stereoCalibrate()
cv2.stereoCalibrateExtended()
cv2.stereoRectify()
cv2.stereoRectifyUncalibrated()
cv2.stylization()
cv2.subtract() #Subtract two images
cv2.sumElems()
cv2.Scharr() #Scharr edge extraction operator is an enhanced algorithm of Sobel operator
cv2.StereoBM #class, uses block correspondence algorithm to calculate binocular stereo matching
cv2.StereoSGBM #class, using semi-global block correspondence algorithm to calculate binocular stereo matching
cv2.SimpleBlobDetector #Class
cv2.SimpleBlobDetector_create()
cv2.SimpleBlobDetector_Params #Class
cv2.Sobel() #Sobel edge extraction operator
cv2.SparseOpticalFlow #Class
cv2.SparsePyrLKOpticalFlow #Class
cv2.SparsePyrLKOpticalFlow_create
cv2.StereoBM_create()
cv2.StereoMatcher #Class
cv2.Stitcher #Class
cv2.Stitcher_create()
cv2.Subdiv2D #Class
cv2.SVBackSubst()
cv2.SVDecomp() #SVD decomposition
#todo

cv2.textureFlattening()
cv2.threshold() #Binarization of the overall image
cv2.trace()
cv2.transform() #Transformation
cv2.transpose() #Transpose
cv2.triangulatePoints() #Reconstruct points using triangulation
cv2.TERM_CRITERIA_COUNT() #todo
cv2.TickMeter #Class
cv2.Tonemap #Class
cv2.TonemapDrago #Class
cv2.TonemapMantiuk #Class
cv2.TonemapReinhard #Class

cv2.undistort() #After the camera is calibrated, the dedistorted image is obtained directly.
cv2.undistortPoints()
cv2.undistortPointsIter()
cv2.useOpenVX()
cv2.useOptimized()
cv2.utils()
 #todo
cv2.UMat() #Class
cv2.UMAT_AUTO_STEP
cv2.UMat_AUTO_STEP
cv2.UMat_context
cv2.UMAT_CONTINUOUS_FLAG
cv2.UMat_CONTINUOUS_FLAG
cv2.UMAT_DATA_ASYNC_CLEANUP
cv2.UMAT_DATA_COPY_ON_MAP
cv2.UMAT_DATA_DEVICE_COPY_OBSOLETE
cv2.UMAT_DATA_DEVICE_MEM_MAPPED
cv2.UMAT_DATA_HOST_COPY_OBSOLETE
cv2.UMAT_DATA_TEMP_COPIED_UMAT
cv2.UMAT_DATA_TEMP_UMAT
cv2.UMAT_DATA_USER_ALLOCATED
cv2.UMAT_DEPTH_MASK #todo
cv2.UMAT_TYPE_MASK
cv2.UMatData_ASYNC_CLEANUP
cv2.USAGE_ALLOCATE_HOST_MEMORY
#todo

cv2.validateDisparity()
cv2.vconcat()
cv2.videoio_registry()
cv2.VariationalRefinement()
cv2.VariationalRefinement_create()
cv2.VideoCapture() #Open camera or video file class
cv2.VideoCapture.get
cv2.VideoCapture.getBackendName
cv2.VideoCapture.getExceptionMode
cv2.VideoCapture.grab
cv2.VideoCapture.isOpened
cv2.VideoCapture.mro
cv2.VideoCapture.open
cv2.VideoCapture.read() #Read a frame of picture in the video
cv2.VideoCapture.release
cv2.VideoCapture.retrieve
cv2.VideoCapture.set
cv2.VideoCapture.setExceptionMode

cv2.VideoWriter() #Write video class
cv2.VideoWriter_fourcc()
cv2.VIDEOWRITER_PROP_FRAMEBYTES
cv2.VIDEOWRITER_PROP_NSTRIPES
cv2.VIDEOWRITER_PROP_QUALITY

cv2.waitKey()
cv2.waitKeyEx()
cv2.warpAffine() #affine transformation
cv2.warpPerspective() #Projection transformation
cv2.warpPolar()
cv2.watershed() # Watershed algorithm
cv2.writeOpticalFlow()
 #todo
cv2.WARP_FILL_OUTLIERS()
cv2.WARP_INVERSE_MAP
cv2.WARP_POLAR_LINEAR
cv2.WARP_POLAR_LOG
cv2.WarperCreator()
cv2.WINDOW_AUTOSIZE
cv2.WINDOW_FREERATIO
cv2.WINDOW_FULLSCREEN
cv2.WINDOW_GUI_EXPANDED
cv2.WINDOW_GUI_NORMAL
cv2.WINDOW_KEEPRATIO
cv2.WINDOW_FULLSCREEN
cv2.WND_PROP_OPENGL
cv2.WND_PROP_TOPMOST
cv2.WND_PROP_VISIBLE

The knowledge points of the article match the official knowledge files, and you can further learn related knowledge. OpenCV skill tree Home page Overview 23608 people are learning the system