嘿,亲!知识可是无价之宝呢,但咱这精心整理的资料也耗费了不少心血呀。小小地破费一下,绝对物超所值哦!如有下载和支付问题,请联系我们QQ(微信同号):813200300
本次赞助数额为: 2 元微信扫码支付:2 元
请留下您的邮箱,我们将在2小时内将文件发到您的邮箱
编译好的opencv4.5.3 支持cuda11和contrib,基于cuda11和dnn8.
opencv4.5.3 opencv-contrib CUDA
├── LICENSE
├── OpenCVConfig-version.cmake
├── OpenCVConfig.cmake
├── bin
│ └── opencv_waldboost_detector.exe
├── etc
│ └── licenses
│ ├── SoftFloat-COPYING.txt
│ ├── ade-LICENSE
│ ├── ffmpeg-license.txt
│ ├── ffmpeg-readme.txt
│ ├── ippicv-EULA.rtf
│ ├── ippicv-readme.htm
│ ├── ippicv-third-party-programs.txt
│ ├── ippiw-EULA.rtf
│ ├── ippiw-support.txt
│ ├── ippiw-third-party-programs.txt
│ ├── ittnotify-LICENSE.BSD
│ ├── ittnotify-LICENSE.GPL
│ ├── libjpeg-turbo-LICENSE.md
│ ├── libjpeg-turbo-README.ijg
│ ├── libjpeg-turbo-README.md
│ ├── libopenjp2-LICENSE
│ ├── libopenjp2-README.md
│ ├── libpng-LICENSE
│ ├── libpng-README
│ ├── libtiff-COPYRIGHT
│ ├── opencl-headers-LICENSE.txt
│ ├── openexr-AUTHORS.ilmbase
│ ├── openexr-AUTHORS.openexr
│ ├── openexr-LICENSE
│ ├── protobuf-LICENSE
│ ├── protobuf-README.md
│ ├── quirc-LICENSE
│ └── zlib-README
├── include
│ └── opencv2
│ ├── aruco
│ │ ├── charuco.hpp
│ │ └── dictionary.hpp
│ ├── aruco.hpp
│ ├── barcode.hpp
│ ├── bgsegm.hpp
│ ├── bioinspired
│ │ ├── bioinspired.hpp
│ │ ├── retina.hpp
│ │ ├── retinafasttonemapping.hpp
│ │ └── transientareassegmentationmodule.hpp
│ ├── bioinspired.hpp
│ ├── calib3d
│ │ ├── calib3d.hpp
│ │ └── calib3d_c.h
│ ├── calib3d.hpp
│ ├── ccalib
│ │ ├── multicalib.hpp
│ │ ├── omnidir.hpp
│ │ └── randpattern.hpp
│ ├── ccalib.hpp
│ ├── core
│ │ ├── affine.hpp
│ │ ├── async.hpp
│ │ ├── base.hpp
│ │ ├── bindings_utils.hpp
│ │ ├── bufferpool.hpp
│ │ ├── check.hpp
│ │ ├── core.hpp
│ │ ├── core_c.h
│ │ ├── cuda
│ │ │ ├── block.hpp
│ │ │ ├── border_interpolate.hpp
│ │ │ ├── color.hpp
│ │ │ ├── common.hpp
│ │ │ ├── datamov_utils.hpp
│ │ │ ├── detail
│ │ │ │ ├── color_detail.hpp
│ │ │ │ ├── reduce.hpp
│ │ │ │ ├── reduce_key_val.hpp
│ │ │ │ ├── transform_detail.hpp
│ │ │ │ ├── type_traits_detail.hpp
│ │ │ │ └── vec_distance_detail.hpp
│ │ │ ├── dynamic_smem.hpp
│ │ │ ├── emulation.hpp
│ │ │ ├── filters.hpp
│ │ │ ├── funcattrib.hpp
│ │ │ ├── functional.hpp
│ │ │ ├── limits.hpp
│ │ │ ├── reduce.hpp
│ │ │ ├── saturate_cast.hpp
│ │ │ ├── scan.hpp
│ │ │ ├── simd_functions.hpp
│ │ │ ├── transform.hpp
│ │ │ ├── type_traits.hpp
│ │ │ ├── utility.hpp
│ │ │ ├── vec_distance.hpp
│ │ │ ├── vec_math.hpp
│ │ │ ├── vec_traits.hpp
│ │ │ ├── warp.hpp
│ │ │ ├── warp_reduce.hpp
│ │ │ └── warp_shuffle.hpp
│ │ ├── cuda.hpp
│ │ ├── cuda.inl.hpp
│ │ ├── cuda_stream_accessor.hpp
│ │ ├── cuda_types.hpp
│ │ ├── cv_cpu_dispatch.h
│ │ ├── cv_cpu_helper.h
│ │ ├── cvdef.h
│ │ ├── cvstd.hpp
│ │ ├── cvstd.inl.hpp
│ │ ├── cvstd_wrapper.hpp
│ │ ├── detail
│ │ │ ├── async_promise.hpp
│ │ │ └── exception_ptr.hpp
│ │ ├── directx.hpp
│ │ ├── dualquaternion.hpp
│ │ ├── dualquaternion.inl.hpp
│ │ ├── eigen.hpp
│ │ ├── fast_math.hpp
│ │ ├── hal
│ │ │ ├── hal.hpp
│ │ │ ├── interface.h
│ │ │ ├── intrin.hpp
│ │ │ ├── intrin_avx.hpp
│ │ │ ├── intrin_avx512.hpp
│ │ │ ├── intrin_cpp.hpp
│ │ │ ├── intrin_forward.hpp
│ │ │ ├── intrin_msa.hpp
│ │ │ ├── intrin_neon.hpp
│ │ │ ├── intrin_rvv.hpp
│ │ │ ├── intrin_rvv071.hpp
│ │ │ ├── intrin_sse.hpp
│ │ │ ├── intrin_sse_em.hpp
│ │ │ ├── intrin_vsx.hpp
│ │ │ ├── intrin_wasm.hpp
│ │ │ ├── msa_macros.h
│ │ │ └── simd_utils.impl.hpp
│ │ ├── mat.hpp
│ │ ├── mat.inl.hpp
│ │ ├── matx.hpp
│ │ ├── neon_utils.hpp
│ │ ├── ocl.hpp
│ │ ├── ocl_genbase.hpp
│ │ ├── opencl
│ │ │ ├── ocl_defs.hpp
│ │ │ ├── opencl_info.hpp
│ │ │ ├── opencl_svm.hpp
│ │ │ └── runtime
│ │ │ ├── autogenerated
│ │ │ │ ├── opencl_clblas.hpp
│ │ │ │ ├── opencl_clfft.hpp
│ │ │ │ ├── opencl_core.hpp
│ │ │ │ ├── opencl_core_wrappers.hpp
│ │ │ │ ├── opencl_gl.hpp
│ │ │ │ └── opencl_gl_wrappers.hpp
│ │ │ ├── opencl_clblas.hpp
│ │ │ ├── opencl_clfft.hpp
│ │ │ ├── opencl_core.hpp
│ │ │ ├── opencl_core_wrappers.hpp
│ │ │ ├── opencl_gl.hpp
│ │ │ ├── opencl_gl_wrappers.hpp
│ │ │ ├── opencl_svm_20.hpp
│ │ │ ├── opencl_svm_definitions.hpp
│ │ │ └── opencl_svm_hsa_extension.hpp
│ │ ├── opengl.hpp
│ │ ├── operations.hpp
│ │ ├── optim.hpp
│ │ ├── ovx.hpp
│ │ ├── parallel
│ │ │ ├── backend
│ │ │ │ ├── parallel_for.openmp.hpp
│ │ │ │ └── parallel_for.tbb.hpp
│ │ │ └── parallel_backend.hpp
│ │ ├── persistence.hpp
│ │ ├── quaternion.hpp
│ │ ├── quaternion.inl.hpp
│ │ ├── saturate.hpp
│ │ ├── simd_intrinsics.hpp
│ │ ├── softfloat.hpp
│ │ ├── sse_utils.hpp
│ │ ├── traits.hpp
│ │ ├── types.hpp
│ │ ├── types_c.h
│ │ ├── utility.hpp
│ │ ├── utils
│ │ │ ├── allocator_stats.hpp
│ │ │ ├── allocator_stats.impl.hpp
│ │ │ ├── filesystem.hpp
│ │ │ ├── instrumentation.hpp
│ │ │ ├── logger.defines.hpp
│ │ │ ├── logger.hpp
│ │ │ ├── logtag.hpp
│ │ │ ├── tls.hpp
│ │ │ └── trace.hpp
│ │ ├── va_intel.hpp
│ │ ├── version.hpp
│ │ └── vsx_utils.hpp
│ ├── core.hpp
│ ├── core_detect.hpp
│ ├── cudaarithm.hpp
│ ├── cudabgsegm.hpp
│ ├── cudacodec.hpp
│ ├── cudafeatures2d.hpp
│ ├── cudafilters.hpp
│ ├── cudaimgproc.hpp
│ ├── cudalegacy
│ │ ├── NCV.hpp
│ │ ├── NCVBroxOpticalFlow.hpp
│ │ ├── NCVHaarObjectDetection.hpp
│ │ ├── NCVPyramid.hpp
│ │ └── NPP_staging.hpp
│ ├── cudalegacy.hpp
│ ├── cudaobjdetect.hpp
│ ├── cudaoptflow.hpp
│ ├── cudastereo.hpp
│ ├── cudawarping.hpp
│ ├── cudev
│ │ ├── block
│ │ │ ├── block.hpp
│ │ │ ├── detail
│ │ │ │ ├── reduce.hpp
│ │ │ │ └── reduce_key_val.hpp
│ │ │ ├── dynamic_smem.hpp
│ │ │ ├── reduce.hpp
│ │ │ ├── scan.hpp
│ │ │ └── vec_distance.hpp
│ │ ├── common.hpp
│ │ ├── expr
│ │ │ ├── binary_func.hpp
│ │ │ ├── binary_op.hpp
│ │ │ ├── color.hpp
│ │ │ ├── deriv.hpp
│ │ │ ├── expr.hpp
│ │ │ ├── per_element_func.hpp
│ │ │ ├── reduction.hpp
│ │ │ ├── unary_func.hpp
│ │ │ ├── unary_op.hpp
│ │ │ └── warping.hpp
│ │ ├── functional
│ │ │ ├── color_cvt.hpp
│ │ │ ├── detail
│ │ │ │ └── color_cvt.hpp
│ │ │ ├── functional.hpp
│ │ │ └── tuple_adapter.hpp
│ │ ├── grid
│ │ │ ├── copy.hpp
│ │ │ ├── detail
│ │ │ │ ├── copy.hpp
│ │ │ │ ├── histogram.hpp
│ │ │ │ ├── integral.hpp
│ │ │ │ ├── minmaxloc.hpp
│ │ │ │ ├── pyr_down.hpp
│ │ │ │ ├── pyr_up.hpp
│ │ │ │ ├── reduce.hpp
│ │ │ │ ├── reduce_to_column.hpp
│ │ │ │ ├── reduce_to_row.hpp
│ │ │ │ ├── split_merge.hpp
│ │ │ │ ├── transform.hpp
│ │ │ │ └── transpose.hpp
│ │ │ ├── histogram.hpp
│ │ │ ├── integral.hpp
│ │ │ ├── pyramids.hpp
│ │ │ ├── reduce.hpp
│ │ │ ├── reduce_to_vec.hpp
│ │ │ ├── split_merge.hpp
│ │ │ ├── transform.hpp
│ │ │ └── transpose.hpp
│ │ ├── ptr2d
│ │ │ ├── constant.hpp
│ │ │ ├── deriv.hpp
│ │ │ ├── detail
│ │ │ │ └── gpumat.hpp
│ │ │ ├── extrapolation.hpp
│ │ │ ├── glob.hpp
│ │ │ ├── gpumat.hpp
│ │ │ ├── interpolation.hpp
│ │ │ ├── lut.hpp
│ │ │ ├── mask.hpp
│ │ │ ├── remap.hpp
│ │ │ ├── resize.hpp
│ │ │ ├── texture.hpp
│ │ │ ├── traits.hpp
│ │ │ ├── transform.hpp
│ │ │ ├── warping.hpp
│ │ │ └── zip.hpp
│ │ ├── util
│ │ │ ├── atomic.hpp
│ │ │ ├── detail
│ │ │ │ ├── tuple.hpp
│ │ │ │ └── type_traits.hpp
│ │ │ ├── limits.hpp
│ │ │ ├── saturate_cast.hpp
│ │ │ ├── simd_functions.hpp
│ │ │ ├── tuple.hpp
│ │ │ ├── type_traits.hpp
│ │ │ ├── vec_math.hpp
│ │ │ └── vec_traits.hpp
│ │ └── warp
│ │ ├── detail
│ │ │ ├── reduce.hpp
│ │ │ └── reduce_key_val.hpp
│ │ ├── reduce.hpp
│ │ ├── scan.hpp
│ │ ├── shuffle.hpp
│ │ └── warp.hpp
│ ├── cudev.hpp
│ ├── cvconfig.h
│ ├── datasets
│ │ ├── ar_hmdb.hpp
│ │ ├── ar_sports.hpp
│ │ ├── dataset.hpp
│ │ ├── fr_adience.hpp
│ │ ├── fr_lfw.hpp
│ │ ├── gr_chalearn.hpp
│ │ ├── gr_skig.hpp
│ │ ├── hpe_humaneva.hpp
│ │ ├── hpe_parse.hpp
│ │ ├── ir_affine.hpp
│ │ ├── ir_robot.hpp
│ │ ├── is_bsds.hpp
│ │ ├── is_weizmann.hpp
│ │ ├── msm_epfl.hpp
│ │ ├── msm_middlebury.hpp
│ │ ├── or_imagenet.hpp
│ │ ├── or_mnist.hpp
│ │ ├── or_pascal.hpp
│ │ ├── or_sun.hpp
│ │ ├── pd_caltech.hpp
│ │ ├── pd_inria.hpp
│ │ ├── slam_kitti.hpp
│ │ ├── slam_tumindoor.hpp
│ │ ├── sr_bsds.hpp
│ │ ├── sr_div2k.hpp
│ │ ├── sr_general100.hpp
│ │ ├── tr_chars.hpp
│ │ ├── tr_icdar.hpp
│ │ ├── tr_svt.hpp
│ │ ├── track_alov.hpp
│ │ ├── track_vot.hpp
│ │ └── util.hpp
│ ├── dnn
│ │ ├── all_layers.hpp
│ │ ├── dict.hpp
│ │ ├── dnn.hpp
│ │ ├── dnn.inl.hpp
│ │ ├── layer.details.hpp
│ │ ├── layer.hpp
│ │ ├── shape_utils.hpp
│ │ ├── utils
│ │ │ └── inference_engine.hpp
│ │ └── version.hpp
│ ├── dnn.hpp
│ ├── dnn_superres.hpp
│ ├── dpm.hpp
│ ├── face
│ │ ├── bif.hpp
│ │ ├── face_alignment.hpp
│ │ ├── facemark.hpp
│ │ ├── facemarkAAM.hpp
│ │ ├── facemarkLBF.hpp
│ │ ├── facemark_train.hpp
│ │ ├── facerec.hpp
│ │ ├── mace.hpp
│ │ └── predict_collector.hpp
│ ├── face.hpp
│ ├── features2d
│ │ ├── features2d.hpp
│ │ └── hal
│ │ └── interface.h
│ ├── features2d.hpp
│ ├── flann
│ │ ├── all_indices.h
│ │ ├── allocator.h
│ │ ├── any.h
│ │ ├── autotuned_index.h
│ │ ├── composite_index.h
│ │ ├── config.h
│ │ ├── defines.h
│ │ ├── dist.h
│ │ ├── dummy.h
│ │ ├── dynamic_bitset.h
│ │ ├── flann.hpp
│ │ ├── flann_base.hpp
│ │ ├── general.h
│ │ ├── ground_truth.h
│ │ ├── hdf5.h
│ │ ├── heap.h
│ │ ├── hierarchical_clustering_index.h
│ │ ├── index_testing.h
│ │ ├── kdtree_index.h
│ │ ├── kdtree_single_index.h
│ │ ├── kmeans_index.h
│ │ ├── linear_index.h
│ │ ├── logger.h
│ │ ├── lsh_index.h
│ │ ├── lsh_table.h
│ │ ├── matrix.h
│ │ ├── miniflann.hpp
│ │ ├── nn_index.h
│ │ ├── object_factory.h
│ │ ├── params.h
│ │ ├── random.h
│ │ ├── result_set.h
│ │ ├── sampling.h
│ │ ├── saving.h
│ │ ├── simplex_downhill.h
│ │ └── timer.h
│ ├── flann.hpp
│ ├── fuzzy
│ │ ├── fuzzy_F0_math.hpp
│ │ ├── fuzzy_F1_math.hpp
│ │ ├── fuzzy_image.hpp
│ │ └── types.hpp
│ ├── fuzzy.hpp
│ ├── gapi
│ │ ├── core.hpp
│ │ ├── cpu
│ │ │ ├── core.hpp
│ │ │ ├── gcpukernel.hpp
│ │ │ ├── imgproc.hpp
│ │ │ ├── stereo.hpp
│ │ │ └── video.hpp
│ │ ├── fluid
│ │ │ ├── core.hpp
│ │ │ ├── gfluidbuffer.hpp
│ │ │ ├── gfluidkernel.hpp
│ │ │ └── imgproc.hpp
│ │ ├── garg.hpp
│ │ ├── garray.hpp
│ │ ├── gasync_context.hpp
│ │ ├── gcall.hpp
│ │ ├── gcommon.hpp
│ │ ├── gcompiled.hpp
│ │ ├── gcompiled_async.hpp
│ │ ├── gcompoundkernel.hpp
│ │ ├── gcomputation.hpp
│ │ ├── gcomputation_async.hpp
│ │ ├── gframe.hpp
│ │ ├── gkernel.hpp
│ │ ├── gmat.hpp
│ │ ├── gmetaarg.hpp
│ │ ├── gopaque.hpp
│ │ ├── gproto.hpp
│ │ ├── gpu
│ │ │ ├── core.hpp
│ │ │ ├── ggpukernel.hpp
│ │ │ └── imgproc.hpp
│ │ ├── gscalar.hpp
│ │ ├── gstreaming.hpp
│ │ ├── gtransform.hpp
│ │ ├── gtype_traits.hpp
│ │ ├── gtyped.hpp
│ │ ├── imgproc.hpp
│ │ ├── infer
│ │ │ ├── bindings_ie.hpp
│ │ │ ├── ie.hpp
│ │ │ ├── onnx.hpp
│ │ │ └── parsers.hpp
│ │ ├── infer.hpp
│ │ ├── media.hpp
│ │ ├── ocl
│ │ │ ├── core.hpp
│ │ │ ├── goclkernel.hpp
│ │ │ └── imgproc.hpp
│ │ ├── opencv_includes.hpp
│ │ ├── operators.hpp
│ │ ├── own
│ │ │ ├── assert.hpp
│ │ │ ├── convert.hpp
│ │ │ ├── cvdefs.hpp
│ │ │ ├── exports.hpp
│ │ │ ├── mat.hpp
│ │ │ ├── saturate.hpp
│ │ │ ├── scalar.hpp
│ │ │ └── types.hpp
│ │ ├── plaidml
│ │ │ ├── core.hpp
│ │ │ ├── gplaidmlkernel.hpp
│ │ │ └── plaidml.hpp
│ │ ├── python
│ │ │ └── python.hpp
│ │ ├── render
│ │ │ ├── render.hpp
│ │ │ └── render_types.hpp
│ │ ├── render.hpp
│ │ ├── rmat.hpp
│ │ ├── s11n
│ │ │ └── base.hpp
│ │ ├── s11n.hpp
│ │ ├── stereo.hpp
│ │ ├── streaming
│ │ │ ├── cap.hpp
│ │ │ ├── desync.hpp
│ │ │ ├── format.hpp
│ │ │ ├── meta.hpp
│ │ │ ├── source.hpp
│ │ │ └── sync.hpp
│ │ ├── util
│ │ │ ├── any.hpp
│ │ │ ├── compiler_hints.hpp
│ │ │ ├── copy_through_move.hpp
│ │ │ ├── optional.hpp
│ │ │ ├── throw.hpp
│ │ │ ├── type_traits.hpp
│ │ │ ├── util.hpp
│ │ │ └── variant.hpp
│ │ └── video.hpp
│ ├── gapi.hpp
│ ├── hfs.hpp
│ ├── highgui
│ │ ├── highgui.hpp
│ │ └── highgui_c.h
│ ├── highgui.hpp
│ ├── img_hash
│ │ ├── average_hash.hpp
│ │ ├── block_mean_hash.hpp
│ │ ├── color_moment_hash.hpp
│ │ ├── img_hash_base.hpp
│ │ ├── marr_hildreth_hash.hpp
│ │ ├── phash.hpp
│ │ └── radial_variance_hash.hpp
│ ├── img_hash.hpp
│ ├── imgcodecs
│ │ ├── imgcodecs.hpp
│ │ ├── imgcodecs_c.h
│ │ ├── ios.h
│ │ ├── legacy
│ │ │ └── constants_c.h
│ │ └── macosx.h
│ ├── imgcodecs.hpp
│ ├── imgproc
│ │ ├── bindings.hpp
│ │ ├── detail
│ │ │ └── gcgraph.hpp
│ │ ├── hal
│ │ │ ├── hal.hpp
│ │ │ └── interface.h
│ │ ├── imgproc.hpp
│ │ ├── imgproc_c.h
│ │ ├── segmentation.hpp
│ │ └── types_c.h
│ ├── imgproc.hpp
│ ├── intensity_transform.hpp
│ ├── line_descriptor
│ │ └── descriptor.hpp
│ ├── line_descriptor.hpp
│ ├── mcc
│ │ ├── ccm.hpp
│ │ ├── checker_detector.hpp
│ │ └── checker_model.hpp
│ ├── mcc.hpp
│ ├── ml
│ │ ├── ml.hpp
│ │ └── ml.inl.hpp
│ ├── ml.hpp
│ ├── objdetect
│ │ ├── detection_based_tracker.hpp
│ │ └── objdetect.hpp
│ ├── objdetect.hpp
│ ├── opencv.hpp
│ ├── opencv_modules.hpp
│ ├── optflow
│ │ ├── motempl.hpp
│ │ ├── pcaflow.hpp
│ │ ├── rlofflow.hpp
│ │ └── sparse_matching_gpc.hpp
│ ├── optflow.hpp
│ ├── phase_unwrapping
│ │ ├── histogramphaseunwrapping.hpp
│ │ └── phase_unwrapping.hpp
│ ├── phase_unwrapping.hpp
│ ├── photo
│ │ ├── cuda.hpp
│ │ ├── legacy
│ │ │ └── constants_c.h
│ │ └── photo.hpp
│ ├── photo.hpp
│ ├── plot.hpp
│ ├── quality
│ │ ├── quality_utils.hpp
│ │ ├── qualitybase.hpp
│ │ ├── qualitybrisque.hpp
│ │ ├── qualitygmsd.hpp
│ │ ├── qualitymse.hpp
│ │ ├── qualitypsnr.hpp
│ │ └── qualityssim.hpp
│ ├── quality.hpp
│ ├── rapid.hpp
│ ├── reg
│ │ ├── map.hpp
│ │ ├── mapaffine.hpp
│ │ ├── mapper.hpp
│ │ ├── mappergradaffine.hpp
│ │ ├── mappergradeuclid.hpp
│ │ ├── mappergradproj.hpp
│ │ ├── mappergradshift.hpp
│ │ ├── mappergradsimilar.hpp
│ │ ├── mapperpyramid.hpp
│ │ ├── mapprojec.hpp
│ │ └── mapshift.hpp
│ ├── rgbd
│ │ ├── colored_kinfu.hpp
│ │ ├── depth.hpp
│ │ ├── detail
│ │ │ └── pose_graph.hpp
│ │ ├── dynafu.hpp
│ │ ├── intrinsics.hpp
│ │ ├── kinfu.hpp
│ │ ├── large_kinfu.hpp
│ │ ├── linemod.hpp
│ │ └── volume.hpp
│ ├── rgbd.hpp
│ ├── saliency
│ │ ├── saliencyBaseClasses.hpp
│ │ └── saliencySpecializedClasses.hpp
│ ├── saliency.hpp
│ ├── shape
│ │ ├── emdL1.hpp
│ │ ├── hist_cost.hpp
│ │ ├── shape.hpp
│ │ ├── shape_distance.hpp
│ │ └── shape_transformer.hpp
│ ├── shape.hpp
│ ├── stereo
│ │ ├── descriptor.hpp
│ │ ├── quasi_dense_stereo.hpp
│ │ └── stereo.hpp
│ ├── stereo.hpp
│ ├── stitching
│ │ ├── detail
│ │ │ ├── autocalib.hpp
│ │ │ ├── blenders.hpp
│ │ │ ├── camera.hpp
│ │ │ ├── exposure_compensate.hpp
│ │ │ ├── matchers.hpp
│ │ │ ├── motion_estimators.hpp
│ │ │ ├── seam_finders.hpp
│ │ │ ├── timelapsers.hpp
│ │ │ ├── util.hpp
│ │ │ ├── util_inl.hpp
│ │ │ ├── warpers.hpp
│ │ │ └── warpers_inl.hpp
│ │ └── warpers.hpp
│ ├── stitching.hpp
│ ├── structured_light
│ │ ├── graycodepattern.hpp
│ │ ├── sinusoidalpattern.hpp
│ │ └── structured_light.hpp
│ ├── structured_light.hpp
│ ├── superres
│ │ └── optical_flow.hpp
│ ├── superres.hpp
│ ├── surface_matching
│ │ ├── icp.hpp
│ │ ├── pose_3d.hpp
│ │ ├── ppf_helpers.hpp
│ │ ├── ppf_match_3d.hpp
│ │ └── t_hash_int.hpp
│ ├── surface_matching.hpp
│ ├── text
│ │ ├── erfilter.hpp
│ │ ├── ocr.hpp
│ │ ├── swt_text_detection.hpp
│ │ └── textDetector.hpp
│ ├── text.hpp
│ ├── tracking
│ │ ├── feature.hpp
│ │ ├── kalman_filters.hpp
│ │ ├── onlineBoosting.hpp
│ │ ├── tldDataset.hpp
│ │ ├── tracking.hpp
│ │ ├── tracking_by_matching.hpp
│ │ ├── tracking_internals.hpp
│ │ └── tracking_legacy.hpp
│ ├── tracking.hpp
│ ├── video
│ │ ├── background_segm.hpp
│ │ ├── detail
│ │ │ └── tracking.detail.hpp
│ │ ├── legacy
│ │ │ └── constants_c.h
│ │ ├── tracking.hpp
│ │ └── video.hpp
│ ├── video.hpp
│ ├── videoio
│ │ ├── cap_ios.h
│ │ ├── legacy
│ │ │ └── constants_c.h
│ │ ├── registry.hpp
│ │ ├── videoio.hpp
│ │ └── videoio_c.h
│ ├── videoio.hpp
│ ├── videostab
│ │ ├── deblurring.hpp
│ │ ├── fast_marching.hpp
│ │ ├── fast_marching_inl.hpp
│ │ ├── frame_source.hpp
│ │ ├── global_motion.hpp
│ │ ├── inpainting.hpp
│ │ ├── log.hpp
│ │ ├── motion_core.hpp
│ │ ├── motion_stabilizing.hpp
│ │ ├── optical_flow.hpp
│ │ ├── outlier_rejection.hpp
│ │ ├── ring_buffer.hpp
│ │ ├── stabilizer.hpp
│ │ └── wobble_suppression.hpp
│ ├── videostab.hpp
│ ├── wechat_qrcode.hpp
│ ├── world.hpp
│ ├── xfeatures2d
│ │ ├── cuda.hpp
│ │ └── nonfree.hpp
│ ├── xfeatures2d.hpp
│ ├── ximgproc
│ │ ├── brightedges.hpp
│ │ ├── color_match.hpp
│ │ ├── deriche_filter.hpp
│ │ ├── disparity_filter.hpp
│ │ ├── edge_drawing.hpp
│ │ ├── edge_filter.hpp
│ │ ├── edgeboxes.hpp
│ │ ├── edgepreserving_filter.hpp
│ │ ├── estimated_covariance.hpp
│ │ ├── fast_hough_transform.hpp
│ │ ├── fast_line_detector.hpp
│ │ ├── fourier_descriptors.hpp
│ │ ├── lsc.hpp
│ │ ├── paillou_filter.hpp
│ │ ├── peilin.hpp
│ │ ├── ridgefilter.hpp
│ │ ├── run_length_morphology.hpp
│ │ ├── seeds.hpp
│ │ ├── segmentation.hpp
│ │ ├── slic.hpp
│ │ ├── sparse_match_interpolator.hpp
│ │ ├── structured_edge_detection.hpp
│ │ └── weighted_median_filter.hpp
│ ├── ximgproc.hpp
│ ├── xobjdetect.hpp
│ ├── xphoto
│ │ ├── bm3d_image_denoising.hpp
│ │ ├── dct_image_denoising.hpp
│ │ ├── inpainting.hpp
│ │ ├── oilpainting.hpp
│ │ ├── tonemap.hpp
│ │ └── white_balance.hpp
│ └── xphoto.hpp
├── setup_vars_opencv4.cmd
└── x64
└── vc16
├── bin
│ ├── opencv_img_hash453.dll
│ └── opencv_world453.dll
└── lib
├── OpenCVConfig-version.cmake
├── OpenCVConfig.cmake
├── OpenCVModules-release.cmake
├── OpenCVModules.cmake
├── opencv_img_hash453.lib
└── opencv_world453.lib
98 directories, 661 files