Index | index by Group | index by Distribution | index by Vendor | index by creation date | index by Name | Mirrors | Help | Search |
Name: opencv-devel | Distribution: openSUSE Tumbleweed |
Version: 4.10.0 | Vendor: openSUSE |
Release: 1.3 | Build date: Sun Jun 9 03:48:55 2024 |
Group: Development/Libraries/C and C++ | Build host: reproducible |
Size: 9134504 | Source RPM: opencv-4.10.0-1.3.src.rpm |
Packager: http://bugs.opensuse.org | |
Url: https://opencv.org/ | |
Summary: Development files for using the OpenCV library |
This package contains the OpenCV C/C++ library and header files, as well as documentation. It should be installed if you want to develop programs that will use the OpenCV library.
BSD-3-Clause
* Sun Jun 09 2024 Alessandro de Oliveira Faria <cabelo@opensuse.org> - update to 4.10.0, highlights below, for details check https://github.com/opencv/opencv/wiki/ChangeLog#version4100 * Core Module: + Added CV_FP16 data type for cv::Mat #24892, #24918. Deprecated convertFp16 function, added FP16 support to cv::Mat::convertTo and analogs. + Fixed undefined behaviour in some cases related to FP16 arithmetic #25598 + Extended HAL API for minMaxIdx #25563, LUT #25554, meanStdDev #25483, moments 25490, normHamming #25491. HAL entries for transpose #25342, some arithmetic functions #25574, #25506 + Persistence: output reals as human-friendly expression. [#25351] + Added cgroups v2 support to parallel framework #25285 + Added in-place support for cartToPolar and polarToCart [#24893] * Imgproc Module: + Added relative displacement field option to cv::remap #24621 + Added new findContours implementation #25146, #25680, #25385 + Refactored EMD algorithm to get rid of C-API usage #25469 + Fixed bug in stackBlur with large kernels #25513 + Extended HAL for projectPoints #25511, equalizeHist #25565, Otsu threshold #25509. Added new HAL entries for gaussianBlur#25397, remap #25399, bilaterialFilter #25343. * Calib3d Module: + Fixed several bugs in hand-eye calibration methods #24897, [#25423] + Fixed several bugs in findHomography implementation [#25308], #25665 + Multiple improvements in findChessboardCorners implementation: #25365, 25195, 25177, 25182, 25145, 24779, 24710, 24833, 25090 + Improved symmetric circles grid pattern detection #25258 + Fixed possible infinite loop in USAC #24987 + Changed approach for initial estimation for focal length in fisheye calibration #25030 + Added solvePnP implementation for Fisheye camera model #25028 * DNN module: + Significantly improved DNN memory consumption #25181, 25163 + Added Net::dumpToPbtxt method to review optimized graph with Netron #25582 + Added support for several TFLite layers: Global_Pool_2D [#25613], Transpose #25297, HardSwishInt8 #24985, split, fully connected, SoftMax, Cast #25273. + Fixed bugs in several ONNX layers: Slice #25660, Range [#25414], Clip #25319, ReduceMean #25120, Einsum #25100, Norm #24808, negative axis support in Concat #24865. + Added new ONNX layers: Mod #24765, GroupNorm layer #24610. + Added more DNN layers with OpenVINO #25524, #25291, 25518. + Optimized fastDepthwiseConv #25361 and int8 layers 25230 for RISC-V with RVV extension + Optimized fastDepthwiseConv for RISC-V P Packed SIMD Extension v0.5.2 #24556 + Optimized Attention #24476, #25271, #25238, #24613, 25076. + Added parallel version for scatter and scatterND #24813 + Added broadcasting if a.rank() != b.rank() with CuDNN backend #24834 + Tuned Winograd algorithm usage for convolutions #24709 + Added Raft model support and tracking sample with it #24913 + Added Vulkan backend for NaryEltwiseLayer in DNN module #24768 + Imporved modern Yolo detectors support. Added sample and documentation #24898, #24611 + Added CuDNN 9+ support #25412 + Added OpenVINO 2024 support #25199 * G-API module: + Ported G-API ONNXRT backend into V2 API #25662 + Implement concurrent executor #24845 + A quick value-initialization support GMat #25055 + Fixed support of mean/scale preprocessing in OV backend for non-real types #24704 * Objdetect module: + Fixed inaccurate Charuco board generation in some cases (.generateImage()) #24873, #25673 + Fixed Aruco detector thread safety issue #24807, made Aruco detector more deterministic #24829 + Added QR codes Structured Append decoding mode #24548 + Several bug fixes in QR code detector and decoder #25026 + Fixed barcode detectAndDecode #25035 + Ported remaning Aruco and Charuco documentation and samples to modern API #23018 * VideoIO: + Fix race condition in InternalFFMpegRegister initialization. [#25419] + Orbbec Camera supports MacOS,Gemini2 and Gemini2L support Y16 format #24877 + Added V4L2_PIX_FMT_SGRBG8 pixel format support to V4L2 backend [#25249] + Fix incorrect timestamps returned by VideoCapture when CAP_PROP_FORMAT == -1 #24828 * Python Bindings: + Experimental NumPy 2.0 support + Added python bindings for Rect2f and Point3i #24919 + Switched to numeric dtype for MatLike instead of generic [#25406] + Added path-like objects support wherever file names are expected #24773 * Platforms support: + CUDA 12.4+ support #25658 + Wayland back-end for Linux #25551, #25510, #25502 + New LAPACK interface support on MacOS and derivatives [#24804], #25625 + Added initial version of HAL for RISC-V processors with P-extension (v0.5.2, Andes platforms) #25167 + Added ARM KleidiCV as HAL for ARM v8 and v9 processors (-DWITH_KLEIDICV=ON CMake option) #25443, #25618, ARM announcement. + Added zlib-ng as alternative to classic zlib (-DWITH_ZLIB_NG=ON CMake option) #24782 + OneAPI 2024 support (IPP, TBB) * Fri Jan 19 2024 Axel Braun <axel.braun@gmx.de> - Add %{?sle15allpythons} and build python bindings for all configured versions (also for Tumbleweed) * Sat Dec 30 2023 Alessandro de Oliveira Faria <cabelo@opensuse.org> - update to 4.9.0, highlights below, for details check https://github.com/opencv/opencv/wiki/ChangeLog#version490 Highlights of this release: * Core Module: + Added cv::broadcast + Fixed several rounding issues on ARM platform + Added detection & dispatching of some modern NEON instructions (NEON_FP16, NEON_BF16) + Added optimization for LoongArch 128-bit vector, detection & dispatching of LoongArch * DNN module patches: + Experimental transformers support + ONNX Attention layer support + ONNX Einsum layer support + OpenVINO backend for INT8 models + ONNX Gather Elements layer + ONNX InstanceNorm layer + Better support of ONNX Expand layer with cv::broadcast + Improved DNN graph fusion with shared nodes and commutative operations + New fastGEMM implementation and several layers on top of it + Winograd fp16 optimizations on ARM + Tests and multiple fixes for Yolo family models support + New layers support and bug fixes in CUDA backend: GEMM, Gelu, Add + CANN backend: bug fix, support HardSwish, LayerNormalization and InstanceNormalization + LayerNormalization: support OpenVINO, OpenCL and CUDA backend. * G-API module: + Intel® OpenVINO™ DL inference backend: - Introduced "inferenence only" ("benchmark") mode in the OV2.0 backend. - Fixed model layout setting issue in the OV2.0 backend. - Fixed/relaxed various asserts in the OV2.0 backend. + Core and image processing functionality: - Fluid kernels were rewritten to new universal intrinsics. Thanks for this contribution! + Streaming and video functionality: - Introduced a QueueSource: an alternative way to manually push input frames to the G-API pipeline in the streaming mode. - Introduced VAS Object Tracker (OT) for the various video analytics scenarios. + Python bindings: - Exposed VAS OT in G-API Python bindings. + Other changes and fixes: - Updated ADE (the G-API's graph library) to the latest version. - Various code clean-ups and warning fixes. * Objdetect module: + Implemented own QR code decoder as replacement for QUIRC library + Bug fixes in QR code encoder version estimation + More accurate Aruco marker corner refinement with dynamic window + Fixed contour filtering in ArUco + QR code detection sample for Android + Multiple local bug fixes and documentation update for Aruco makers, Charuco boards and QR codes. * Video: + Google Summer of Code: added a new object tracking API TrackerVit for a vision transformer-based VitTrack. This work is done by LIU Pengyu. * VideoIO: + Videoio: Add raw encoded video stream encapsulation to cv::VideoWriter with CAP_FFMPEG + Fix GStreamer backend with manual pipelines. * Calibration module: + Multiple fixes and improvements chess board calibration rig detector. + calibrateCamera throws exception, if calibration system is underconstrained. + Fixed bug in findEssentialMat with USAC + Fixed out-of-image access in cv::cornerSubPix + Fixed crash in ap3p + Fixed stereoRectify image boundaries + Fixed "use after free" issue in essential_solver.cpp * Python Bindings: + Added type stub generation for missed types and manually wrapped types. + Added read-only flag handling for Numpy arrays. + Fixed exception handling and bindings for in module. + Improved error messages in Numpy array type handling. + Fixed constructors documentation in Python. * Platforms and hardware Support: + Experimental CUDA support as first class language in CMake + Added experimental support for Apple VisionOS platform + Add support Orbbec Gemini2 and Gemini2 XL camera + Fix fullscreen behavior on macOS * Other: + OpenCV Summer of Code: semi-automated refactoring across multiple pull requests by HAN Liutong made our CPU-optimized code compatible with SIMD with variable vector length (RISC-V RVV) * Sun Oct 01 2023 Stefan Brüns <stefan.bruens@rwth-aachen.de> - update to 4.8.1 * WebP security update for CVE-2023-4863 * Depthwise convolution 5x5 performance regression fix - update to 4.8.0, highlights below, for details check https://github.com/opencv/opencv/wiki/ChangeLog#version480 Highlights of this release: * DNN module patches: + TFLite models support, including int8 quantized models. + Enabled DNN module build without Protobuf dependency. + Improved layers => supported more models: - ONNX: Layer normalization, GELU and QLinearSoftmax. - Fixes in CANN backend: * support ONNX Split, Slice, Clip (Relu6) and Conv with auto_pad. * support ONNX Sub, PRelu, ConvTranspose. - Reduce Refactor for robustness and potential follow-up improvements. - Fixes for Segment Anything Model by Meta. - Fixes in nary element wise layer about broadcast: * Fixes in CPU. * and Fixes in CUDA backend. - Further increased DNN speed on ARM and X86 by improving convolution, covering 1D and 3D cases, supporting convolution+element-wise op fusion. - Added full FP16 computation branch on ARMv8 platform, 1.5x faster than FP32 (FP16 Winograd is still pending). - Vulkan backend refactor for better performance and robustness. It runs 4X faster than before. - Added API blobFromImageParam to build network inputs with pre-processings. - Modern OpenVINO support. * G-API module: + Intel® OpenVINO™ inference backend: - Streamlined preprocessing in OpenVINO Inference Engine (ie) API 1.0 backend. Note: this backend will be deprecated after OpenVINO removes the API 1.0 support in its subsequent releases. - Aligned OpenVINO IE API 1.0 backend with the latest OpenVINO 2023.0 (as some features were removed there). - Introduced a brand new OpenVINO API 2.0 backend. - Implemented the required inference operations for the OpenVINO API 2.0 backend. + Python bindings: - Exposed varions normalization options for ONNX RT backend in Python bindings. - Exposed Fluid kernels and kernel package manipulation functions (combine()) in Python. - Fixed issues in Stateful Python kernel state handling; also fixed various issues in Python tests. - Fixed issue with opaque kernel output information handling which broke Python custom kernels. + Samples: - Introduced a new Segmentation demo with desync() to enable slow-running networks in the real-time. - Updated stats calculation in the G-API-based pipeline modelling tool. + Other changes and fixes: - Fixed tolerance in Fluid resize tests to avoid issues on ARM. - Fluid backend: extended Merge3 kernel with more supported data types. - Fixed standalone mode compilation issues. * Objdetect module: + FaceDetectorYN upgrade for better performance, accuracy and facial landmarks support. + New QR code detection algorithm based on ArUco code. + Bar code detector and decoder moved from Contrib to main repository. + Introduced common API for all graphical codes like bar codes and QR codes. + Added flag for legacy pre-4.6.0 ChAruco boards support. + Multiple bug fixes and improvements in QR code detection and decoding pipelines. + Multiple bug fixes and improvements in ArUco based pipelines. * Calibration module: + USAC framework improvements. + Fixed stddev estimation in camera calibration pipelines. + Fixed incorrect pixel grid generation in icvGetRectangles that improves accuracy of getOptimalNewCameraMatrix, stereoRectify and some other calibration functions. Charuco board support in patterns generator, interactive calibration tool and calibration samples. * Image processing module: + Various fixes in line segments detector. + Fixed even input dimensions for INTER_NEAREST_EXACT in resize. + Optimise local cost computation in IntelligentScissorsMB::buildMap. + Keep inliers for linear remap with BORDER_TRANSPARENT + Fix distransform to work with large images. * Features2d module: + SIFT accuracy improvements. * Core module: + Added REDUCE_SUM2 option to cv::reduce. + Introduced cv::hasNonZero function. + Update IPP binaries update to version 20230330. + Improved RISC-V RVV vector extensions support. - Support RVV v0.11 intrinsics available in LLVM 16 and GCC 13 - Support build with T-Head RISC-V toolchain (RVV 0.7.1 and 1.0) + Several OpenCL vendor and version handling improvements. * Multimedia: + Added AVIF support through libavif. + Orbbec Femto Mega cameras support. + HEVC/H265 support in VideoWriter with MS Media Foundation backend. + Fixed FPS computation on some videos for FFmpeg backend. + Added support for VideoCapture CAP_PROP_AUTO_WB and CV_CAP_PROP_WHITE_BALANCE_BLUE_U for DShow backend. + Fixes OBS Virtual Camera capture. + CV_32S encoding support with tiff. * Python Bindings: + Python typing stubs. + Fix reference counting errors in registerNewType. + Fixed ChAruco and diamond boards detector bindings. + Added bindings to allow GpuMat and Stream objects to be initialized from memory initialized in other libraries + np.float16 support. + Python bindings for RotatedRect, CV_MAKETYPE, CV_8UC(n). * JavaScript bindings: + Added possibility for disabling inlining wasm in opencv.js + Extended JS bindings for Aruco, Charuco, QR codes and bar codes. * Other: + Several critical issue fixes in wechat_qrcode module (opencv_contrib) * Thu Dec 29 2022 Stefan Brüns <stefan.bruens@rwth-aachen.de> - update to 4.7.0, highlights below, for details check https://github.com/opencv/opencv/wiki/ChangeLog#version470 Highlights of this release: * DNN: + New ONNX layers: Scatter and ScatterND, Tile, ReduceL1, ReduceMin and more. + Signinficant performance optimization for convolutions. Winograd algoritm implementation. + Element-wise operation (add, sub, mul, div, ...): Broadcasting. + OpenVino 2022.1 support. + CANN backend support. * Algorithms: + ArUco markers and April tags support including ChAruco and diamond boards detection and calibration. + QR code detection and decoding quality imrovement. Alignment markers support. Benchmark for QR codes: link + Nanotrack v2 tracker based on neural networks. + Stackblur algoruthm implementation. * Multimedia: + FFmpeg 5.x support. + CUDA 12.0 support. Hardware accelerated video codecs support on NVIDIA platforms with modern Video Codec SDK (NVCUVID and NVENCODEAPI). + CV_16UC1 read/write video support with FFmpeg. + Orientation meta support on Mac with native media API. + New iterator-based API for multi-page image formats. + libSPNG support for PNG format. + SIMD acceleration for self-built libJPEG-Turbo + H264/H265 support on Android. Multiple fixes for video decoder, endcoder and camera memory layout. * G-API + Exposed all core APIs to Python, including stateful kernels. * Optimization: + New universal intrinsics backend for scalable vector instructions. The first scalable implementation for RISC-V RVV 1.0. + DNN module patches: - Improved layers / supported more models: * Scatter and ScatterND #22529, Tile #22809 * Fixes in Slice (support negative step #22898) * Support some reduce layers of ONNX #21601 - Added CANN backend support #22634. Link to the manual: https://github.com/opencv/opencv/wiki/Huawei-CANN-Backend. - Added bacthed NMS for multi-class object detection #22857 - Accelerating convolution, especially for ARM CPU. - Winograd's convolution optimization + And many other contributions: + Added n-dimensional flip to core #22898 + Add StackBlur for imgproc #20379 - Removed upstream opencv-ffmpeg5.patch * Tue Aug 23 2022 Christophe Giboudeaux <christophe@krop.fr> - Add upstream change to fix include issue with FFmpeg 5: * opencv-ffmpeg5.patch * Sun Jun 19 2022 Stefan Brüns <stefan.bruens@rwth-aachen.de> - update to 4.6.0, highlights below, for details check https://github.com/opencv/opencv/wiki/ChangeLog#version460 * OpenCV project infrastructure migrating on GitHub Actions workflows for CI and release purposes * Added support for GCC 12, Clang 15 * Added support for FFmpeg 5.0 * DNN module patches: + Improved layers / activations / supported more models: - LSTM (+CUDA), resize (+ONNX13), Sign, Shrink, Reciprocal, depth2space, space2depth - fixes in Reduce, Slice, Expand + Disabled floating-point denormals processing #21521 + Changed layer names in ONNX importer to support "output" entities properly + Added TIM-VX NPU backend support: https://github.com/opencv/opencv/wiki/TIM-VX-Backend-For-Running-OpenCV-On-NPU + Added Softmax parameter to ClassificationModel + Added audio speech recognition sample (C++) #21458 + Intel® Inference Engine backend (OpenVINO): - added initial support for OpenVINO 2022.1 release - removed support of legacy API (dropped since 2020.3) * G-API module: + G-API framework: - Introduced a Grayscale image format support for cv::MediaFrame: #21511; - Enabeled .reshape() support in the CPU backend: #21669; - Fixed possible hang in streaming execution mode with constant inputs: #21567; - Introduced proper error/exception propagation in the asynchronous streaming execution mode: #21660; - Fixed new stream event handling: #21731. + Fluid backend: - Fixed horizontal pass in the Resize kernel, fixed Valgrind issues: #21144; - Extended Resize kernel with F32 version: #21678, added AVX: #21728. - Enabled dynamic dispatch for Split4 kernel: #21520; - Enabled dynamic dispatch for Merge3 kernel: #21529; - Added a SIMD version for DivC kernel: #21474; - Added a SIMD version for DivRC kernel: #21530; - Enabled dynamic dispatch for Add kernel: #21686; - Enabled dynamic dispatch for Sub kernel: #21746; - Added a SIMD version for ConvertTo kernel: #21777; - Fixed kernel matrix size for Sobel kernel: #21613. + Intel® OpenVINO™ inference backend: - Fixed NV12 format support for remote memory when OpenVINO remote context is used: #21424. - Implemented correct error handling in the backend: #21579. - Fixed ngraph warnings #21362. + OpenCV AI Kit backend: - Introduced a new backend to program OpenCV AI Kit boards via G-API. Currently the backend is in experimental state, but allows to build Camera+NN pipeline and supports heterogeneity (mixing with host-side code): #20785, #21504. + Media integration: - Enabled GPU inference with oneVPL and DirectX11 on Windows in Intel OpenVINO inference backend: #21232, #21618, #21658, #21687, [#21688]. Now GPU textures decoded by oneVPL decoder can be preprocessed and inferred on GPU with no extra host processing. - Enabled oneVPL support on Linux: #21883. - Extended GStreamer pipeline source with Grayscale image format support: #21560. + Python bindings: - Exposed GStreamer pipeline source in Python bindings: #20832. - Fixed Python bindings for CudaBufferPool, cudacodec and cudastereo modules in OpenCV Contrib. + Samples: - Introduced a pipeline modelling tool for cascaded model benchmarking: #21477, #21636, #21719. The tool supports a declarative YAML-based config to describe pipelines with simulated pre-/post-processing. The tool collects and reports latency and throughput information for the modelled pipeline. + Other changes and fixes: - Moved GKernelPackage into cv:: namespace by default, its cv::gapi:: alias remain for compatibility: #21318; - Moved Resize kernel from core to imgproc kernel packages for CPU, OpenCL, and Fluid backends: #21157. Also moved tests appropriately: #21475; - Avoided sporadic test failures in DivC: #21626; - Fixed 1D Mat handling in the framework: #21782; - Reduced the number of G-API generated accuracy tests: #21909. - Drop upstream patches: * 0001-highgui-Fix-unresolved-OpenGL-functions-for-Qt-backe.patch * videoio_initial_FFmpeg_5_0_support.patch * videoio_ffmpeg_avoid_memory_leaks.patch * Fri Apr 29 2022 Stefan Brüns <stefan.bruens@rwth-aachen.de> - Add upstream patches for FFmpeg 5.0 support, add * videoio_initial_FFmpeg_5_0_support.patch * videoio_ffmpeg_avoid_memory_leaks.patch * Sat Apr 09 2022 Stefan Brüns <stefan.bruens@rwth-aachen.de> - Restore memoryperjob constraint, avoid being scheduled on a 16 core system and use less than half of it. - Adjust %limit_build to 1800, to avoid recurrent build failures on aarch64. (People should not care for their pet architecture only, but also carefully check if they break others.) - Add missing libopencv_aruco dependency in devel package. * Mon Jan 10 2022 Antonio Larrosa <alarrosa@suse.com> - Remove the memoryperjob constraint which doesn't work as one would expect and breaks ppc64 builds. - Use %limit_memory -m 1700 to set the number of concurrent jobs to a sane value and fix OOM errors when building in workers with many cores. - Decrease the disk constraint to 9G which seems to be enough * Sat Dec 25 2021 Stefan Brüns <stefan.bruens@rwth-aachen.de> - update to 4.5.5, highlights below, for details check https://github.com/opencv/opencv/wiki/ChangeLog#version455 * Audio support as part of VideoCapture API: GStreamer #21264 * Updated SOVERSION handling rules: #21178 * DNN module patches: + Added tests to cover ONNX conformance test suite: #21088 + Improved layers / activations / supported more models + Upgraded builtin protobuf from 3.5.2 to 3.19.1 + More optimizations for RISC-V platform + Intel® Inference Engine backend ( OpenVINO™ ): added support for OpenVINO 2021.4.2 LTS release * G-API module: + G-API framework: - Fixed issue with accessing 1D data from cv::RMat: #21103 - Restricted passing the G-API types to graph inputs/outputs for execution: #21041 - Various fixes in G-API Doxygen reference: #20924 - Renamed various internal structures for consistency #20836 #21040 + Fluid backend: - Introduced a better vectorized version of Resize: #20664. - Added vectorized version of Multiply kernel: #21024 - Added vectorized version of Divide kernel: #20914 - Added vectorized version of AddC kernel: #21119 - Added vectorized version of SubC kernel: #21158 - Added vectorized version of MulC kernel: #21177 - Added vectorized version of SubRC kernel: #21231 - Enabled SIMD dispatching for AbsDiffC: #21204 + OpenCL backend: - Fixed sporadic test failures in Multiply kernel running on GPU: #21205 + Intel® OpenVINO™ inference backend: - Extended ie::Params to support static batch size as input to inference: #20856 - Enabled 2D input tensor support in IE backend: #20925 - Fixed various issues with imported (pre-compiled) networks: #20918 + Media integration: - Introduced a GStreamer-based pipeline source for G-API: #20709 - Completed the integration of Intel® oneVPL as a pipeline source for G-API #20773 with device selection #20738, asynchronous execution #20901, intial demux support #21022, and GPU-side memory allocation via DirectX 11 #21049. + Samples: - Replaced custom kernels with now-standard G-API operations in several samples #21106 - Moved API snippets from G-API samples to a dedicated place #20857 + Other changes and fixes: - Fixed various static analysis issues for OpenVINO 2021.4 release: #21083 and #21212 - Fixed various build warnings introduced after OpenVINO update: #20937 - Continued clean-up in the G-API test suite on GTest macros [#20922] and test data #20995 - Added custom accuracy comparison functions to Fluid performance tests: #21150. * And many other contributions: + Added QRcode encoder: #17889 + GSoC - OpenCV.js: Accelerate OpenCV.js DNN via WebNN: #20406 + Add conventional Bayer naming: #20970 + (opencv_contrib) Add Radon transform function to ximgproc: #3090 + (opencv_contrib) New superpixel algorithm (F-DBSCAN): #3093 + Created Stitching Tool: #21020 + Improve CCL with new algorithms and tests: #21275 + (opencv_contrib) Update ArUco tutorial: #3126 - Adjust memory constraints (mostly required for aarch64 on Leap) - Add 0001-highgui-Fix-unresolved-OpenGL-functions-for-Qt-backe.patch * Wed Nov 24 2021 Dirk Müller <dmueller@suse.com> - update to 4.5.4: * 8-bit quantization in the dnn module * Improved Julia bindings * Speech recognition sample * dnn module optimizations for RISC-V * Tutorial about universal intrinsics and parallel_for usage * Improvements in the dnn module: - New layers and models support - Some existing layers have been fixed - Soft-NMS implementation - Supported OpenVINO 2021.4.1 LTS release * Mon Aug 30 2021 Jan Engelhardt <jengelh@inai.de> - Remove dependency on IlmBase, opencv never uses this directly. * Sat May 01 2021 Stefan Brüns <stefan.bruens@rwth-aachen.de> - update to 4.5.2, highlights below, for details check https://github.com/opencv/opencv/wiki/ChangeLog#version452 * core: added support for parallel backends. * imgproc: added IntelligentScissors implementation (JS demo). * videoio: improved hardware-accelerated video de-/encoding tasks. * DNN module: + Improved debugging of TensorFlow parsing errors: #19220 + Improved layers / activations / supported more models: - optimized: NMS processing, DetectionOutput - fixed: Div with constant, MatMul, Reshape (TensorFlow behaviour) - added support: Mish ONNX subgraph, NormalizeL2 (ONNX), LeakyReLU (TensorFlow), TanH + SAM (Darknet), Exp + Intel® Inference Engine backend ( OpenVINO™ ): added support for OpenVINO 2021.3 release * G-API module: + Python support: - Introduced a new Python backend - now G-API can run custom kernels written in Python as part of the pipeline: #19351 - Extended Inference support in the G-API bindings: #19318 - Added more graph data types in the G-API bindings: #19319 + Inference support: - Introduced dynamic input / CNN reshape functionality in the OpenVINO inference backend #18240 - Introduced asynchronous execution support in the OpenVINO inference backend, now it can run in multiple parallel requests to increase stream density/throughput: #19487, #19425 - Extended supported data types with INT64/INT32 in ONNX inference backend and with INT32 in the OpenVINO inference backend #19792 - Introduced cv::GFrame / cv::MediaFrame and constant support in the ONNX backend: #19070 + Media support: - Introduced cv::GFrame / cv::MediaFrame support in the drawing/rendering interface: #19516 - Introduced multi-stream input support in Streaming mode and frame synchronization policies to support cases like Stereo: #19731 - Added Y and UV operations to access NV12 data of cv::GFrame at the graph level; conversions are done on-the-fly if the media format is different: #19325 + Operations and kernels: - Added performance tests for new operations (MorphologyEx, BoundingRect, FitLine, FindContours, KMeans, Kalman, BackgroundSubtractor) - Fixed RMat input support in the PlaidML backend: #19782 - Added ARM NEON optimizations for Fluid AbsDiffC, AddWeighted, and bitwise operations: #18466, #19233 - Other various static analysis and warning fixes + Documentation: - [GSoC] Added TF/PyTorch classification conversion: #17604 - [GSoC] Added TF/PyTorch segmentation conversion: #17801 - [GSoC] Added TF/PyTorch detection model conversion: #18237 - Updated documentation to address Wide Universal Intrinsics (WUI) SIMD API: #18952 + And many other great contributions from OpenCV community: - core: cuda::Stream constructor with stream flags: #19286 - highgui: pollKey() implementation for w32 backend: #19411 - imgcodecs: Added Exif parsing for PNG: #19439 - imgcodecs: OpenEXR compression options: #19540 - imgproc: connectedComponents optimizations: (Spaghetti Labeling): #19631 - videoio: Android NDK camera support #19597 - (contrib) WeChat QRCode module open source: #2821 - (contrib) Implemented cv::cuda::inRange(): #2803 - (contrib) Added algorithms from Edge Drawing Library: #2313 - (contrib) Added Python bindings for Viz module: #2882 - Add libva build dependency for HW accelerated videoio - Slight bump for memory constraints * Thu Feb 11 2021 Luigi Baldoni <aloisio@gmx.com> - Enable aruco module (recognize markers to detect camera pose) * Sat Jan 02 2021 Stefan Brüns <stefan.bruens@rwth-aachen.de> - update to 4.5.1, highlights below, for details check https://github.com/opencv/opencv/wiki/ChangeLog#version451 * Continued merging of GSoC 2020 results: + Develop OpenCV.js DNN modules for promising web use cases together with their tutorials + OpenCV.js: WASM SIMD optimization 2.0 + High Level API and Samples for Scene Text Detection and Recognition + SIFT: SIMD optimization of GaussianBlur 16U * DNN module: + Improved layers / activations / supported more models: - optimized: 1D convolution, 1D pool - fixed: Resize, ReduceMean, Gather with multiple outputs, importing of Faster RCNN ONNX model - added support: INT32 ONNX tensors + Intel® Inference Engine backend (OpenVINO): - added support for OpenVINO 2021.2 release - added preview support for HDDL + Fixes and optimizations in DNN CUDA backend (thanks to @YashasSamaga) * G-API Framework: + Introduced serialization for cv::RMat, including serialization for user-defined memory adapters + Introduced desync, a new Operation for in-graph asynchronous execution - to allow different parts of the graph run with a different latency + Introduced a notion of "in-graph metadata", now various media-related information can be accessed in graph directly (currently only limited to timestamps and frame IDs) + Introduced a new generic task-based executor, based on Threading Building Blocks (TBB) + Extended infer<>() API to accept a new cv::GFrame data structure to allow handling of various media formats without changes in the graph structure + Made copy() an intrinsic where real copy may not happen (optimized out) based on graph structure, extended it to support cv::GFrame + Various fixes, including addressig static analysis, documentation, and test issues * G-API Operations: + Introduced new operations morphologyEx, boundingRect, fitLine, kmeans, Background Subtractor, Kalman filter * G-API Intel® Inference Engine backend (OpenVINO): + Extended cv::gapi::ie::Params<> to import CNN networks (e.g. pre-compiled ones) instead of passing .XML and .BIN files; also enabled configuring Inference Engine plugins via this structure + Added a new overload to infer<>() to run inference over a single region of interest + Added support for cv::MediaFrame input data type (projected from cv::GFrame) and handling for NV12 input image format * G-API Python bindings: + Exposed G-API's Inference and Streaming APIs in the OpenCV Python bindings + Added initial Python support for cv::GArray data structure * Significant progress on RISC-V port. - Updated constraints, bump memory to 5 GB - Cleaned up spec file
/usr/include/opencv2 /usr/include/opencv2/aruco /usr/include/opencv2/aruco.hpp /usr/include/opencv2/aruco/aruco_calib.hpp /usr/include/opencv2/aruco/charuco.hpp /usr/include/opencv2/calib3d /usr/include/opencv2/calib3d.hpp /usr/include/opencv2/calib3d/calib3d.hpp /usr/include/opencv2/calib3d/calib3d_c.h /usr/include/opencv2/core /usr/include/opencv2/core.hpp /usr/include/opencv2/core/affine.hpp /usr/include/opencv2/core/async.hpp /usr/include/opencv2/core/base.hpp /usr/include/opencv2/core/bindings_utils.hpp /usr/include/opencv2/core/bufferpool.hpp /usr/include/opencv2/core/check.hpp /usr/include/opencv2/core/core.hpp /usr/include/opencv2/core/core_c.h /usr/include/opencv2/core/cuda /usr/include/opencv2/core/cuda.hpp /usr/include/opencv2/core/cuda.inl.hpp /usr/include/opencv2/core/cuda/block.hpp /usr/include/opencv2/core/cuda/border_interpolate.hpp /usr/include/opencv2/core/cuda/color.hpp /usr/include/opencv2/core/cuda/common.hpp /usr/include/opencv2/core/cuda/datamov_utils.hpp /usr/include/opencv2/core/cuda/detail /usr/include/opencv2/core/cuda/detail/color_detail.hpp /usr/include/opencv2/core/cuda/detail/reduce.hpp /usr/include/opencv2/core/cuda/detail/reduce_key_val.hpp /usr/include/opencv2/core/cuda/detail/transform_detail.hpp /usr/include/opencv2/core/cuda/detail/type_traits_detail.hpp /usr/include/opencv2/core/cuda/detail/vec_distance_detail.hpp /usr/include/opencv2/core/cuda/dynamic_smem.hpp /usr/include/opencv2/core/cuda/emulation.hpp /usr/include/opencv2/core/cuda/filters.hpp /usr/include/opencv2/core/cuda/funcattrib.hpp /usr/include/opencv2/core/cuda/functional.hpp /usr/include/opencv2/core/cuda/limits.hpp /usr/include/opencv2/core/cuda/reduce.hpp /usr/include/opencv2/core/cuda/saturate_cast.hpp /usr/include/opencv2/core/cuda/scan.hpp /usr/include/opencv2/core/cuda/simd_functions.hpp /usr/include/opencv2/core/cuda/transform.hpp /usr/include/opencv2/core/cuda/type_traits.hpp /usr/include/opencv2/core/cuda/utility.hpp /usr/include/opencv2/core/cuda/vec_distance.hpp /usr/include/opencv2/core/cuda/vec_math.hpp /usr/include/opencv2/core/cuda/vec_traits.hpp /usr/include/opencv2/core/cuda/warp.hpp /usr/include/opencv2/core/cuda/warp_reduce.hpp /usr/include/opencv2/core/cuda/warp_shuffle.hpp /usr/include/opencv2/core/cuda_stream_accessor.hpp /usr/include/opencv2/core/cuda_types.hpp /usr/include/opencv2/core/cv_cpu_dispatch.h /usr/include/opencv2/core/cv_cpu_helper.h /usr/include/opencv2/core/cvdef.h /usr/include/opencv2/core/cvstd.hpp /usr/include/opencv2/core/cvstd.inl.hpp /usr/include/opencv2/core/cvstd_wrapper.hpp /usr/include/opencv2/core/detail /usr/include/opencv2/core/detail/async_promise.hpp /usr/include/opencv2/core/detail/dispatch_helper.impl.hpp /usr/include/opencv2/core/detail/exception_ptr.hpp /usr/include/opencv2/core/directx.hpp /usr/include/opencv2/core/dualquaternion.hpp /usr/include/opencv2/core/dualquaternion.inl.hpp /usr/include/opencv2/core/eigen.hpp /usr/include/opencv2/core/fast_math.hpp /usr/include/opencv2/core/hal /usr/include/opencv2/core/hal/hal.hpp /usr/include/opencv2/core/hal/interface.h /usr/include/opencv2/core/hal/intrin.hpp /usr/include/opencv2/core/hal/intrin_avx.hpp /usr/include/opencv2/core/hal/intrin_avx512.hpp /usr/include/opencv2/core/hal/intrin_cpp.hpp /usr/include/opencv2/core/hal/intrin_forward.hpp /usr/include/opencv2/core/hal/intrin_lasx.hpp /usr/include/opencv2/core/hal/intrin_lsx.hpp /usr/include/opencv2/core/hal/intrin_msa.hpp /usr/include/opencv2/core/hal/intrin_neon.hpp /usr/include/opencv2/core/hal/intrin_rvv.hpp /usr/include/opencv2/core/hal/intrin_rvv071.hpp /usr/include/opencv2/core/hal/intrin_rvv_010_compat_non-policy.hpp /usr/include/opencv2/core/hal/intrin_rvv_010_compat_overloaded-non-policy.hpp /usr/include/opencv2/core/hal/intrin_rvv_011_compat.hpp /usr/include/opencv2/core/hal/intrin_rvv_compat_overloaded.hpp /usr/include/opencv2/core/hal/intrin_rvv_scalable.hpp /usr/include/opencv2/core/hal/intrin_sse.hpp /usr/include/opencv2/core/hal/intrin_sse_em.hpp /usr/include/opencv2/core/hal/intrin_vsx.hpp /usr/include/opencv2/core/hal/intrin_wasm.hpp /usr/include/opencv2/core/hal/msa_macros.h /usr/include/opencv2/core/hal/simd_utils.impl.hpp /usr/include/opencv2/core/mat.hpp /usr/include/opencv2/core/mat.inl.hpp /usr/include/opencv2/core/matx.hpp /usr/include/opencv2/core/matx.inl.hpp /usr/include/opencv2/core/neon_utils.hpp /usr/include/opencv2/core/ocl.hpp /usr/include/opencv2/core/ocl_genbase.hpp /usr/include/opencv2/core/opencl /usr/include/opencv2/core/opencl/ocl_defs.hpp /usr/include/opencv2/core/opencl/opencl_info.hpp /usr/include/opencv2/core/opencl/opencl_svm.hpp /usr/include/opencv2/core/opencl/runtime /usr/include/opencv2/core/opencl/runtime/autogenerated /usr/include/opencv2/core/opencl/runtime/autogenerated/opencl_clblas.hpp /usr/include/opencv2/core/opencl/runtime/autogenerated/opencl_clfft.hpp /usr/include/opencv2/core/opencl/runtime/autogenerated/opencl_core.hpp /usr/include/opencv2/core/opencl/runtime/autogenerated/opencl_core_wrappers.hpp /usr/include/opencv2/core/opencl/runtime/autogenerated/opencl_gl.hpp /usr/include/opencv2/core/opencl/runtime/autogenerated/opencl_gl_wrappers.hpp /usr/include/opencv2/core/opencl/runtime/opencl_clblas.hpp /usr/include/opencv2/core/opencl/runtime/opencl_clfft.hpp /usr/include/opencv2/core/opencl/runtime/opencl_core.hpp /usr/include/opencv2/core/opencl/runtime/opencl_core_wrappers.hpp /usr/include/opencv2/core/opencl/runtime/opencl_gl.hpp /usr/include/opencv2/core/opencl/runtime/opencl_gl_wrappers.hpp /usr/include/opencv2/core/opencl/runtime/opencl_svm_20.hpp /usr/include/opencv2/core/opencl/runtime/opencl_svm_definitions.hpp /usr/include/opencv2/core/opencl/runtime/opencl_svm_hsa_extension.hpp /usr/include/opencv2/core/opengl.hpp /usr/include/opencv2/core/operations.hpp /usr/include/opencv2/core/optim.hpp /usr/include/opencv2/core/ovx.hpp /usr/include/opencv2/core/parallel /usr/include/opencv2/core/parallel/backend /usr/include/opencv2/core/parallel/backend/parallel_for.openmp.hpp /usr/include/opencv2/core/parallel/backend/parallel_for.tbb.hpp /usr/include/opencv2/core/parallel/parallel_backend.hpp /usr/include/opencv2/core/persistence.hpp /usr/include/opencv2/core/quaternion.hpp /usr/include/opencv2/core/quaternion.inl.hpp /usr/include/opencv2/core/saturate.hpp /usr/include/opencv2/core/simd_intrinsics.hpp /usr/include/opencv2/core/softfloat.hpp /usr/include/opencv2/core/sse_utils.hpp /usr/include/opencv2/core/traits.hpp /usr/include/opencv2/core/types.hpp /usr/include/opencv2/core/types_c.h /usr/include/opencv2/core/utility.hpp /usr/include/opencv2/core/utils /usr/include/opencv2/core/utils/allocator_stats.hpp /usr/include/opencv2/core/utils/allocator_stats.impl.hpp /usr/include/opencv2/core/utils/filesystem.hpp /usr/include/opencv2/core/utils/fp_control_utils.hpp /usr/include/opencv2/core/utils/instrumentation.hpp /usr/include/opencv2/core/utils/logger.defines.hpp /usr/include/opencv2/core/utils/logger.hpp /usr/include/opencv2/core/utils/logtag.hpp /usr/include/opencv2/core/utils/tls.hpp /usr/include/opencv2/core/utils/trace.hpp /usr/include/opencv2/core/va_intel.hpp /usr/include/opencv2/core/version.hpp /usr/include/opencv2/core/vsx_utils.hpp /usr/include/opencv2/cvconfig.h /usr/include/opencv2/dnn /usr/include/opencv2/dnn.hpp /usr/include/opencv2/dnn/all_layers.hpp /usr/include/opencv2/dnn/dict.hpp /usr/include/opencv2/dnn/dnn.hpp /usr/include/opencv2/dnn/dnn.inl.hpp /usr/include/opencv2/dnn/layer.details.hpp /usr/include/opencv2/dnn/layer.hpp /usr/include/opencv2/dnn/shape_utils.hpp /usr/include/opencv2/dnn/utils /usr/include/opencv2/dnn/utils/debug_utils.hpp /usr/include/opencv2/dnn/utils/inference_engine.hpp /usr/include/opencv2/dnn/version.hpp /usr/include/opencv2/face /usr/include/opencv2/face.hpp /usr/include/opencv2/face/bif.hpp /usr/include/opencv2/face/face_alignment.hpp /usr/include/opencv2/face/facemark.hpp /usr/include/opencv2/face/facemarkAAM.hpp /usr/include/opencv2/face/facemarkLBF.hpp /usr/include/opencv2/face/facemark_train.hpp /usr/include/opencv2/face/facerec.hpp /usr/include/opencv2/face/mace.hpp /usr/include/opencv2/face/predict_collector.hpp /usr/include/opencv2/features2d /usr/include/opencv2/features2d.hpp /usr/include/opencv2/features2d/features2d.hpp /usr/include/opencv2/features2d/hal /usr/include/opencv2/features2d/hal/interface.h /usr/include/opencv2/flann /usr/include/opencv2/flann.hpp /usr/include/opencv2/flann/all_indices.h /usr/include/opencv2/flann/allocator.h /usr/include/opencv2/flann/any.h /usr/include/opencv2/flann/autotuned_index.h /usr/include/opencv2/flann/composite_index.h /usr/include/opencv2/flann/config.h /usr/include/opencv2/flann/defines.h /usr/include/opencv2/flann/dist.h /usr/include/opencv2/flann/dummy.h /usr/include/opencv2/flann/dynamic_bitset.h /usr/include/opencv2/flann/flann.hpp /usr/include/opencv2/flann/flann_base.hpp /usr/include/opencv2/flann/general.h /usr/include/opencv2/flann/ground_truth.h /usr/include/opencv2/flann/hdf5.h /usr/include/opencv2/flann/heap.h /usr/include/opencv2/flann/hierarchical_clustering_index.h /usr/include/opencv2/flann/index_testing.h /usr/include/opencv2/flann/kdtree_index.h /usr/include/opencv2/flann/kdtree_single_index.h /usr/include/opencv2/flann/kmeans_index.h /usr/include/opencv2/flann/linear_index.h /usr/include/opencv2/flann/logger.h /usr/include/opencv2/flann/lsh_index.h /usr/include/opencv2/flann/lsh_table.h /usr/include/opencv2/flann/matrix.h /usr/include/opencv2/flann/miniflann.hpp /usr/include/opencv2/flann/nn_index.h /usr/include/opencv2/flann/object_factory.h /usr/include/opencv2/flann/params.h /usr/include/opencv2/flann/random.h /usr/include/opencv2/flann/result_set.h /usr/include/opencv2/flann/sampling.h /usr/include/opencv2/flann/saving.h /usr/include/opencv2/flann/simplex_downhill.h /usr/include/opencv2/flann/timer.h /usr/include/opencv2/gapi /usr/include/opencv2/gapi.hpp /usr/include/opencv2/gapi/core.hpp /usr/include/opencv2/gapi/cpu /usr/include/opencv2/gapi/cpu/core.hpp /usr/include/opencv2/gapi/cpu/gcpukernel.hpp /usr/include/opencv2/gapi/cpu/imgproc.hpp /usr/include/opencv2/gapi/cpu/ot.hpp /usr/include/opencv2/gapi/cpu/stereo.hpp /usr/include/opencv2/gapi/cpu/video.hpp /usr/include/opencv2/gapi/fluid /usr/include/opencv2/gapi/fluid/core.hpp /usr/include/opencv2/gapi/fluid/gfluidbuffer.hpp /usr/include/opencv2/gapi/fluid/gfluidkernel.hpp /usr/include/opencv2/gapi/fluid/imgproc.hpp /usr/include/opencv2/gapi/garg.hpp /usr/include/opencv2/gapi/garray.hpp /usr/include/opencv2/gapi/gasync_context.hpp /usr/include/opencv2/gapi/gcall.hpp /usr/include/opencv2/gapi/gcommon.hpp /usr/include/opencv2/gapi/gcompiled.hpp /usr/include/opencv2/gapi/gcompiled_async.hpp /usr/include/opencv2/gapi/gcompoundkernel.hpp /usr/include/opencv2/gapi/gcomputation.hpp /usr/include/opencv2/gapi/gcomputation_async.hpp /usr/include/opencv2/gapi/gframe.hpp /usr/include/opencv2/gapi/gkernel.hpp /usr/include/opencv2/gapi/gmat.hpp /usr/include/opencv2/gapi/gmetaarg.hpp /usr/include/opencv2/gapi/gopaque.hpp /usr/include/opencv2/gapi/gproto.hpp /usr/include/opencv2/gapi/gpu /usr/include/opencv2/gapi/gpu/core.hpp /usr/include/opencv2/gapi/gpu/ggpukernel.hpp /usr/include/opencv2/gapi/gpu/imgproc.hpp /usr/include/opencv2/gapi/gscalar.hpp /usr/include/opencv2/gapi/gstreaming.hpp /usr/include/opencv2/gapi/gtransform.hpp /usr/include/opencv2/gapi/gtype_traits.hpp /usr/include/opencv2/gapi/gtyped.hpp /usr/include/opencv2/gapi/imgproc.hpp /usr/include/opencv2/gapi/infer /usr/include/opencv2/gapi/infer.hpp /usr/include/opencv2/gapi/infer/bindings_ie.hpp /usr/include/opencv2/gapi/infer/bindings_onnx.hpp /usr/include/opencv2/gapi/infer/bindings_ov.hpp /usr/include/opencv2/gapi/infer/ie.hpp /usr/include/opencv2/gapi/infer/onnx.hpp /usr/include/opencv2/gapi/infer/ov.hpp /usr/include/opencv2/gapi/infer/parsers.hpp /usr/include/opencv2/gapi/media.hpp /usr/include/opencv2/gapi/oak /usr/include/opencv2/gapi/oak/infer.hpp /usr/include/opencv2/gapi/oak/oak.hpp /usr/include/opencv2/gapi/ocl /usr/include/opencv2/gapi/ocl/core.hpp /usr/include/opencv2/gapi/ocl/goclkernel.hpp /usr/include/opencv2/gapi/ocl/imgproc.hpp /usr/include/opencv2/gapi/opencv_includes.hpp /usr/include/opencv2/gapi/operators.hpp /usr/include/opencv2/gapi/ot.hpp /usr/include/opencv2/gapi/own /usr/include/opencv2/gapi/own/assert.hpp /usr/include/opencv2/gapi/own/convert.hpp /usr/include/opencv2/gapi/own/cvdefs.hpp /usr/include/opencv2/gapi/own/exports.hpp /usr/include/opencv2/gapi/own/mat.hpp /usr/include/opencv2/gapi/own/saturate.hpp /usr/include/opencv2/gapi/own/scalar.hpp /usr/include/opencv2/gapi/own/types.hpp /usr/include/opencv2/gapi/plaidml /usr/include/opencv2/gapi/plaidml/core.hpp /usr/include/opencv2/gapi/plaidml/gplaidmlkernel.hpp /usr/include/opencv2/gapi/plaidml/plaidml.hpp /usr/include/opencv2/gapi/python /usr/include/opencv2/gapi/python/python.hpp /usr/include/opencv2/gapi/render /usr/include/opencv2/gapi/render.hpp /usr/include/opencv2/gapi/render/render.hpp /usr/include/opencv2/gapi/render/render_types.hpp /usr/include/opencv2/gapi/rmat.hpp /usr/include/opencv2/gapi/s11n /usr/include/opencv2/gapi/s11n.hpp /usr/include/opencv2/gapi/s11n/base.hpp /usr/include/opencv2/gapi/stereo.hpp /usr/include/opencv2/gapi/streaming /usr/include/opencv2/gapi/streaming/cap.hpp /usr/include/opencv2/gapi/streaming/desync.hpp /usr/include/opencv2/gapi/streaming/format.hpp /usr/include/opencv2/gapi/streaming/gstreamer /usr/include/opencv2/gapi/streaming/gstreamer/gstreamerpipeline.hpp /usr/include/opencv2/gapi/streaming/gstreamer/gstreamersource.hpp /usr/include/opencv2/gapi/streaming/meta.hpp /usr/include/opencv2/gapi/streaming/onevpl /usr/include/opencv2/gapi/streaming/onevpl/accel_types.hpp /usr/include/opencv2/gapi/streaming/onevpl/cfg_params.hpp /usr/include/opencv2/gapi/streaming/onevpl/data_provider_interface.hpp /usr/include/opencv2/gapi/streaming/onevpl/default.hpp /usr/include/opencv2/gapi/streaming/onevpl/device_selector_interface.hpp /usr/include/opencv2/gapi/streaming/onevpl/source.hpp /usr/include/opencv2/gapi/streaming/queue_source.hpp /usr/include/opencv2/gapi/streaming/source.hpp /usr/include/opencv2/gapi/streaming/sync.hpp /usr/include/opencv2/gapi/util /usr/include/opencv2/gapi/util/any.hpp /usr/include/opencv2/gapi/util/compiler_hints.hpp /usr/include/opencv2/gapi/util/copy_through_move.hpp /usr/include/opencv2/gapi/util/optional.hpp /usr/include/opencv2/gapi/util/throw.hpp /usr/include/opencv2/gapi/util/type_traits.hpp /usr/include/opencv2/gapi/util/util.hpp /usr/include/opencv2/gapi/util/variant.hpp /usr/include/opencv2/gapi/video.hpp /usr/include/opencv2/highgui /usr/include/opencv2/highgui.hpp /usr/include/opencv2/highgui/highgui.hpp /usr/include/opencv2/highgui/highgui_c.h /usr/include/opencv2/imgcodecs /usr/include/opencv2/imgcodecs.hpp /usr/include/opencv2/imgcodecs/imgcodecs.hpp /usr/include/opencv2/imgcodecs/imgcodecs_c.h /usr/include/opencv2/imgcodecs/ios.h /usr/include/opencv2/imgcodecs/legacy /usr/include/opencv2/imgcodecs/legacy/constants_c.h /usr/include/opencv2/imgcodecs/macosx.h /usr/include/opencv2/imgproc /usr/include/opencv2/imgproc.hpp /usr/include/opencv2/imgproc/bindings.hpp /usr/include/opencv2/imgproc/detail /usr/include/opencv2/imgproc/detail/gcgraph.hpp /usr/include/opencv2/imgproc/detail/legacy.hpp /usr/include/opencv2/imgproc/hal /usr/include/opencv2/imgproc/hal/hal.hpp /usr/include/opencv2/imgproc/hal/interface.h /usr/include/opencv2/imgproc/imgproc.hpp /usr/include/opencv2/imgproc/imgproc_c.h /usr/include/opencv2/imgproc/segmentation.hpp /usr/include/opencv2/imgproc/types_c.h /usr/include/opencv2/ml /usr/include/opencv2/ml.hpp /usr/include/opencv2/ml/ml.hpp /usr/include/opencv2/ml/ml.inl.hpp /usr/include/opencv2/objdetect /usr/include/opencv2/objdetect.hpp /usr/include/opencv2/objdetect/aruco_board.hpp /usr/include/opencv2/objdetect/aruco_detector.hpp /usr/include/opencv2/objdetect/aruco_dictionary.hpp /usr/include/opencv2/objdetect/barcode.hpp /usr/include/opencv2/objdetect/charuco_detector.hpp /usr/include/opencv2/objdetect/detection_based_tracker.hpp /usr/include/opencv2/objdetect/face.hpp /usr/include/opencv2/objdetect/graphical_code_detector.hpp /usr/include/opencv2/objdetect/objdetect.hpp /usr/include/opencv2/opencv.hpp /usr/include/opencv2/opencv_modules.hpp /usr/include/opencv2/optflow /usr/include/opencv2/optflow.hpp /usr/include/opencv2/optflow/motempl.hpp /usr/include/opencv2/optflow/pcaflow.hpp /usr/include/opencv2/optflow/rlofflow.hpp /usr/include/opencv2/optflow/sparse_matching_gpc.hpp /usr/include/opencv2/photo /usr/include/opencv2/photo.hpp /usr/include/opencv2/photo/cuda.hpp /usr/include/opencv2/photo/legacy /usr/include/opencv2/photo/legacy/constants_c.h /usr/include/opencv2/photo/photo.hpp /usr/include/opencv2/plot.hpp /usr/include/opencv2/shape /usr/include/opencv2/shape.hpp /usr/include/opencv2/shape/emdL1.hpp /usr/include/opencv2/shape/hist_cost.hpp /usr/include/opencv2/shape/shape.hpp /usr/include/opencv2/shape/shape_distance.hpp /usr/include/opencv2/shape/shape_transformer.hpp /usr/include/opencv2/stitching /usr/include/opencv2/stitching.hpp /usr/include/opencv2/stitching/detail /usr/include/opencv2/stitching/detail/autocalib.hpp /usr/include/opencv2/stitching/detail/blenders.hpp /usr/include/opencv2/stitching/detail/camera.hpp /usr/include/opencv2/stitching/detail/exposure_compensate.hpp /usr/include/opencv2/stitching/detail/matchers.hpp /usr/include/opencv2/stitching/detail/motion_estimators.hpp /usr/include/opencv2/stitching/detail/seam_finders.hpp /usr/include/opencv2/stitching/detail/timelapsers.hpp /usr/include/opencv2/stitching/detail/util.hpp /usr/include/opencv2/stitching/detail/util_inl.hpp /usr/include/opencv2/stitching/detail/warpers.hpp /usr/include/opencv2/stitching/detail/warpers_inl.hpp /usr/include/opencv2/stitching/warpers.hpp /usr/include/opencv2/superres /usr/include/opencv2/superres.hpp /usr/include/opencv2/superres/optical_flow.hpp /usr/include/opencv2/tracking /usr/include/opencv2/tracking.hpp /usr/include/opencv2/tracking/feature.hpp /usr/include/opencv2/tracking/kalman_filters.hpp /usr/include/opencv2/tracking/onlineBoosting.hpp /usr/include/opencv2/tracking/tldDataset.hpp /usr/include/opencv2/tracking/tracking.hpp /usr/include/opencv2/tracking/tracking_by_matching.hpp /usr/include/opencv2/tracking/tracking_internals.hpp /usr/include/opencv2/tracking/tracking_legacy.hpp /usr/include/opencv2/tracking/twist.hpp /usr/include/opencv2/video /usr/include/opencv2/video.hpp /usr/include/opencv2/video/background_segm.hpp /usr/include/opencv2/video/detail /usr/include/opencv2/video/detail/tracking.detail.hpp /usr/include/opencv2/video/legacy /usr/include/opencv2/video/legacy/constants_c.h /usr/include/opencv2/video/tracking.hpp /usr/include/opencv2/video/video.hpp /usr/include/opencv2/videoio /usr/include/opencv2/videoio.hpp /usr/include/opencv2/videoio/cap_ios.h /usr/include/opencv2/videoio/legacy /usr/include/opencv2/videoio/legacy/constants_c.h /usr/include/opencv2/videoio/registry.hpp /usr/include/opencv2/videoio/videoio.hpp /usr/include/opencv2/videoio/videoio_c.h /usr/include/opencv2/videostab /usr/include/opencv2/videostab.hpp /usr/include/opencv2/videostab/deblurring.hpp /usr/include/opencv2/videostab/fast_marching.hpp /usr/include/opencv2/videostab/fast_marching_inl.hpp /usr/include/opencv2/videostab/frame_source.hpp /usr/include/opencv2/videostab/global_motion.hpp /usr/include/opencv2/videostab/inpainting.hpp /usr/include/opencv2/videostab/log.hpp /usr/include/opencv2/videostab/motion_core.hpp /usr/include/opencv2/videostab/motion_stabilizing.hpp /usr/include/opencv2/videostab/optical_flow.hpp /usr/include/opencv2/videostab/outlier_rejection.hpp /usr/include/opencv2/videostab/ring_buffer.hpp /usr/include/opencv2/videostab/stabilizer.hpp /usr/include/opencv2/videostab/wobble_suppression.hpp /usr/include/opencv2/ximgproc /usr/include/opencv2/ximgproc.hpp /usr/include/opencv2/ximgproc/brightedges.hpp /usr/include/opencv2/ximgproc/color_match.hpp /usr/include/opencv2/ximgproc/deriche_filter.hpp /usr/include/opencv2/ximgproc/disparity_filter.hpp /usr/include/opencv2/ximgproc/edge_drawing.hpp /usr/include/opencv2/ximgproc/edge_filter.hpp /usr/include/opencv2/ximgproc/edgeboxes.hpp /usr/include/opencv2/ximgproc/edgepreserving_filter.hpp /usr/include/opencv2/ximgproc/estimated_covariance.hpp /usr/include/opencv2/ximgproc/fast_hough_transform.hpp /usr/include/opencv2/ximgproc/fast_line_detector.hpp /usr/include/opencv2/ximgproc/find_ellipses.hpp /usr/include/opencv2/ximgproc/fourier_descriptors.hpp /usr/include/opencv2/ximgproc/lsc.hpp /usr/include/opencv2/ximgproc/paillou_filter.hpp /usr/include/opencv2/ximgproc/peilin.hpp /usr/include/opencv2/ximgproc/radon_transform.hpp /usr/include/opencv2/ximgproc/ridgefilter.hpp /usr/include/opencv2/ximgproc/run_length_morphology.hpp /usr/include/opencv2/ximgproc/scansegment.hpp /usr/include/opencv2/ximgproc/seeds.hpp /usr/include/opencv2/ximgproc/segmentation.hpp /usr/include/opencv2/ximgproc/slic.hpp /usr/include/opencv2/ximgproc/sparse_match_interpolator.hpp /usr/include/opencv2/ximgproc/structured_edge_detection.hpp /usr/include/opencv2/ximgproc/weighted_median_filter.hpp /usr/lib/cmake/opencv4 /usr/lib/cmake/opencv4/OpenCVConfig-version.cmake /usr/lib/cmake/opencv4/OpenCVConfig.cmake /usr/lib/cmake/opencv4/OpenCVModules-release.cmake /usr/lib/cmake/opencv4/OpenCVModules.cmake /usr/lib/libopencv_aruco.so /usr/lib/libopencv_calib3d.so /usr/lib/libopencv_core.so /usr/lib/libopencv_dnn.so /usr/lib/libopencv_face.so /usr/lib/libopencv_features2d.so /usr/lib/libopencv_flann.so /usr/lib/libopencv_gapi.so /usr/lib/libopencv_highgui.so /usr/lib/libopencv_imgcodecs.so /usr/lib/libopencv_imgproc.so /usr/lib/libopencv_ml.so /usr/lib/libopencv_objdetect.so /usr/lib/libopencv_optflow.so /usr/lib/libopencv_photo.so /usr/lib/libopencv_plot.so /usr/lib/libopencv_shape.so /usr/lib/libopencv_stitching.so /usr/lib/libopencv_superres.so /usr/lib/libopencv_tracking.so /usr/lib/libopencv_video.so /usr/lib/libopencv_videoio.so /usr/lib/libopencv_videostab.so /usr/lib/libopencv_ximgproc.so /usr/lib/pkgconfig/opencv4.pc /usr/share/licenses/opencv-devel /usr/share/licenses/opencv-devel/LICENSE /usr/share/licenses/opencv-devel/LICENSE.contrib /usr/share/opencv4/valgrind.supp /usr/share/opencv4/valgrind_3rdparty.supp
Generated by rpm2html 1.8.1
Fabrice Bellet, Fri Oct 4 01:02:02 2024