►NAprilTag | |
CAprilTag | Detect apriltag robotic fiducial markers in Python |
►Nbenchmark | |
CBenchmark | |
►Ncrnn | |
CCRNN | |
►Ndasiamrpn | |
CDaSiamRPN | |
►Ndb | |
CDB | |
►Ndownload_data | |
CDownloader | |
►NFirstPython | |
CFirstPython | Simple example of FIRST Robotics image processing pipeline using OpenCV in Python on JeVois |
►Nlpd_yunet | |
CLPD_YuNet | |
►Nmobilenet_v1 | |
CMobileNetV1 | |
►Nmobilenet_v2 | |
CMobileNetV2 | |
►Nmodels | |
CRegistery | |
►Nmp_palmdet | |
CMPPalmDet | |
►Npphumanseg | |
CPPHumanSeg | |
►Nppresnet | |
CPPResNet | |
►NPyClassificationDNN | |
CPyClassificationDNN | Object recognition using OpenCV Deep Neural Networks (DNN) |
►NPyCoralClassify | |
CPyCoralClassify | Object recognition using Coral Edge TPU |
►NPyCoralDetect | |
CPyCoralDetect | Object detection using Coral Edge TPU |
►NPyCoralSegment | |
CPyCoralSegment | Semantic segmentation using Coral Edge TPU |
►NPyDetectionDNN | |
CPyDetectionDNN | Object detection and recognition using OpenCV Deep Neural Networks (DNN) |
►NPyDMTX | |
CPyDMTX | Decoding of DataMatrix (DMTX) 2D barcodes |
►NPyEmotion | |
CPyEmotion | Human facial emotion recognition using OpenCV Deep Neural Networks (DNN) |
►NPyFaceMesh | |
CPyFaceMesh | Face mesh detection using MediaPipe |
►NPyHandDetector | |
CPyHandDetector | Hand detection using MediaPipe |
►NPyLicensePlate | |
CPyLicensePlate | Detect license plates on NPU using YuNet TIM-VX |
►NPyLLM | |
CPyLLM | Interact with a large-language model (LLM) or vision-language model (VLM) in a chat box |
►NPyNetKSNN | |
CPyNetKSNN | Simple DNN network running on NPU and invoked from the Khadas KSNN library in python |
►NPyNetOpenCV | |
CPyNetOpenCV | Simple DNN network invoked from OpenCV in python |
►NPyNetORT | |
CPyNetORT | Simple DNN network invoked from ONNX-Runtime in python |
►NPyNetURetinex | |
CPyNetURetinex | Simple DNN network invoked from ONNX-Runtime in python for URetinex-Net |
►NPyObjectron | |
CPyObjectron | 3D object detection using MediaPipe |
►NPyPoseDetector | |
CPyPoseDetector | Human body pose detection using MediaPipe |
►NPyPostClassify | |
CPyPostClassify | Simple classification DNN post-processor written in python |
►NPyPostDAMOyolo | |
CPyPostDAMOyolo | Python DNN post-processor for DAMO YOLO |
►NPyPostDepth | |
CPyPostDepth | Python DNN post-processor for depth map |
►NPyPostStub | |
CPyPostStub | Stub DNN post-processor written in python |
►NPyPostURetinex | |
CPyPostURetinex | Python DNN post-processor for filtered color image |
►NPyPostYolo | |
CPyPostYolo | Simple YOLO DNN post-processor written in python |
►NPyPostYOLOv8seg | |
CPyPostYOLOv8seg | Python DNN post-processor for YOLOv8-Seg |
►NPyPreBlob | |
CPyPreBlob | Simple DNN pre-processor written in python |
►NPySceneText | |
CPySceneText | Detect and decode English or Chinese text on NPU using TIM-VX |
►NPySelfie | |
CPySelfie | Selfie segmentation using MediaPipe |
►NPythonObject6D | |
CPythonObject6D | Simple example of object detection using ORB keypoints followed by 6D pose estimation in Python |
►NPythonOpenCV | |
CPythonOpenCV | Simple example of image processing using OpenCV in Python on JeVois |
►NPythonParallel | |
CPythonParallel | Simple example of parallel image processing using OpenCV in Python on JeVois |
►NPythonSandbox | |
CPythonSandbox | Simple example of image processing using OpenCV in Python on JeVois |
►NPythonTest | |
CPythonTest | Simple test of programming JeVois modules in Python |
►Nquantize-inc | |
CDataset | |
CQuantize | |
►Nquantize-ort | |
CDataReader | |
CQuantize | |
►Nsface | |
CSFace | |
►Ntiny_dnn | |
Cnetwork | |
►Ntransform | |
CCenterCrop | |
CColorConvert | |
CCompose | |
CNormalize | |
CResize | |
►Nutils | |
►Ndataloaders | |
►Nbase | |
CBaseImageLoader | |
CBaseVideoLoader | |
►Nbase_dataloader | |
C_BaseImageLoader | |
C_BaseVideoLoader | |
C_VideoStream | |
►Nclassification | |
CClassificationImageLoader | |
►Nrecognition | |
CRecognitionImageLoader | |
►Ntracking | |
CTrackingVideoLoader | |
►Nfactory | |
CRegistery | |
►Nmetrics | |
►Nbase | |
CBase | |
►Nbase_metric | |
CBaseMetric | |
►Ndetection | |
CDetection | |
►Nrecognition | |
CRecognition | |
►Ntracking | |
CTracking | |
►Ntimer | |
CTimer | |
►Nwechatqrcode | |
CWeChatQRCode | |
►Nyoutureid | |
CYoutuReID | |
►Nyunet | |
CYuNet | |
C_ARMarkerSquare | |
CARPose | |
►CARtoolkit | Augmented reality markers using ARtoolkit |
Carresults | |
CArUco | Simple wrapper class over the opencv_contrib ArUco augmented reality markers |
CArUcoBlob | Combined ArUco marker + multiple color-based object detection |
CARVec3 | |
CBilateralFilter | A bilateral filter |
CBlobDetector | Simple color-based object/blob detection/tracking |
CBlurFilter | A blur filter |
CBufferedVideoReader | Simple class to read video frames from a movie file, decode them, and buffer them for smooth playback |
CBurnTest | This is a burn test: run the quad-core saliency demo while also loading up CPU, GPU and NEON in the background |
CCalibrateCamera | Helper module to calibrate a given sensor+lens combo, which allows ArUco and other modules to do 3D pose estimation |
CColorFiltering | Image filtering using OpenCV |
CConvert | Simple module to convert between any supported camera grab formats and USB output formats |
Cconvert_helper | Helper struct to handle type conversions at compile time |
Cconvert_helper< dst_type, src_type, false, false > | |
Cconvert_helper< dst_type, src_type, false, true > | |
Cconvert_helper< dst_type, src_type, true, false > | |
Cconvert_helper< dst_type, src_type, true, true > | |
CCustomDNN | Example of modified DNN module with custom post-processing |
CDarknet | Identify an object using Darknet deep neural network |
CDarknetSaliency | Detect salient objects and identify them using Darknet deep neural network |
CDarknetSingle | Identify objects using Darknet deep neural network |
CDarknetYOLO | Detect multiple objects in scenes using the Darknet YOLO deep neural network |
CDemoARtoolkit | Augmented reality markers using ARtoolkit |
CDemoArUco | Simple demo of ArUco and AprilTag augmented reality markers detection and decoding |
CDemoBackgroundSubtract | Background subtraction to detect moving objects |
CDemoCPUGPU | Live saliency computation and image filtering using 4-core CPU and OpenGL-ES 2.0 shaders on the Mali-400MP2 GPU |
CDemoDMP | Plot results of processing IMU data with the on-chip Digital Motion Processor (DMP) |
CDemoEyeTracker | Pupil detection and eye-tracker using the openEyes toolkit |
CDemoGPU | Simple image filtering demo using OpenGL-ES shaders on the Mali-400MP2 GPU |
CDemoIMU | Plot raw IMU readings on top of video |
CDemoNeon | Simple demo of ARM Neon (SIMD) extensions, comparing a box filter (blur) between CPU and Neon |
CDemoQRcode | Simple demo of QR-code and barcode detection and decoding using the ZBar library |
CDemoSalGistFaceObj | Simple demo that combines saliency, gist, face detection, and object recognition |
CDemoSaliency | Simple demo of the visual saliency algorithm of Itti et al., IEEE PAMI, 1998 |
CDenseSift | Simple demo of dense SIFT feature descriptors extraction |
CDetectionDNN | Detect and recognize multiple objects in scenes using OpenCV Deep Neural Nets (DNN) |
CDiceCounter | Counting dice pips |
CDNN | Detect and recognize multiple objects in scenes using OpenCV, NPU, TPU, or VPU Deep Neural Nets |
CEdgeDetection | Simple module to detect edges using the Canny algorithm from OpenCV |
CEdgeDetectionX4 | Simple module to detect edges, running 4 filters in parallel with 4 different settings |
Cenv_dims | A simple struct to hold a pair of width/height dimensions |
Cenv_image | Basic image class |
Cenv_math | |
Cenv_motion_channel | A composite channel containing a set of direction channels |
Cenv_params | |
Cenv_pyr | This class implements a set of images, often used as a dyadic pyramid |
Cenv_rgb_pixel | RGB pixel class |
CEyeTracker | Eye-tracker class used to detect gaze direction from close-up video of one's eye |
CFaceDetector | Face detection using OpenCV |
CFastOpticalFlow | Fast optical flow computation using dense inverse search |
CFilter | Base class for an image filter |
CFilterGPU | Simple image filtering using OpenGL-ES on the GPU |
►CFirstVision | Simple color-based detection of a U-shaped object for FIRST Robotics |
Cdetection | Helper struct for a detected object |
Chsvcue | Helper struct for an HSV range triplet, where each range is specified as a mean and sigma: |
CSinglePoseEstimationParallel | ParallelLoopBody class for the parallelization of the single markers pose estimation |
CGPUprogram | Simple class to load and compile some OpenGL-ES program |
CGPUshader | Simple class to load and compile some OpenGL-ES shader code |
CGPUtexture | Simple class to hold an OpenGL texture |
CJeVoisIntro | Simple introduction to JeVois and demo that combines saliency, gist, face detection, and object recognition |
CKalman1D | Simple component to track a moving 2D point over time using a Kalman filter |
CKalman2D | Simple component to track a moving 2D point over time using a Kalman filter |
CKalman4D | Simple component to track a moving 2D box (position and size) over time using a Kalman filter |
CLaplacianFilter | A laplacian filter |
CLine | Keeps all the ready to use information of a supporting line as it pertains to describing the road |
CMarkersCombo | Simple demo of QRcode + ARtoolkit + ArUco markers detection and decoding |
CMedianFilter | A median filter |
CMorphologyFilter | A morphology filter |
CMultiDNN | Run multiple neural networks in parallel with a tiled display |
CMultiDNN2 | Run multiple neural networks in parallel with an overlapping display |
CMyPipeline | |
CMyPostProc | |
CObjectDetect | Simple object detection using keypoint matching |
►CObjectMatcher | Object matching using OpenCV keypoint detection and matching |
CTrainData | Training data structure for ObjectMatcher |
CObjectRecognition | Wrapper around a neural network implemented by with the tiny-dnn framework by Taiga Nomi |
CObjectRecognitionBase | Abstract base class for an object recognition component |
CObjectRecognitionCIFAR | Object recognition CNN for CIFAR-10 dataset |
CObjectRecognitionILAB | Object recognition CNN for ILAB-10 dataset |
CObjectRecognitionMNIST | Object recognition CNN for MNIST handwritten digits |
CObjectTracker | Simple color-based object detection/tracking |
COpticalFlow | Fast optical flow computation using OF_DIS |
CPassThrough | Simple module that just passes the captured camera frames through to USB host |
CPoint2D | This is a basic class to encode 2D integer coordinates |
Cpromote_trait | Promote from T1 and T2 to a type than can hold T1 * T2 |
Cpromote_trait< byte, byte > | |
Cpromote_trait< byte, double > | |
Cpromote_trait< byte, float > | |
Cpromote_trait< byte, int16 > | |
Cpromote_trait< byte, int32 > | |
Cpromote_trait< byte, long double > | |
Cpromote_trait< double, long double > | |
Cpromote_trait< float, double > | |
Cpromote_trait< float, long double > | |
Cpromote_trait< int16, byte > | |
Cpromote_trait< int16, double > | |
Cpromote_trait< int16, float > | |
Cpromote_trait< int16, int16 > | |
Cpromote_trait< int16, int32 > | |
Cpromote_trait< int16, long double > | |
Cpromote_trait< int32, double > | |
Cpromote_trait< int32, float > | |
Cpromote_trait< int32, long double > | |
CpromoteFromTo | |
CpromoteFromTo< double, byte > | |
CpromoteFromTo< double, float > | |
CpromoteFromTo< double, int16 > | |
CpromoteFromTo< double, int32 > | |
CpromoteFromTo< float, byte > | |
CpromoteFromTo< float, int16 > | |
CpromoteFromTo< float, int32 > | |
CpromoteFromTo< int16, byte > | |
CpromoteFromTo< int32, byte > | |
CpromoteFromTo< int32, int16 > | |
CpromoteFromTo< long double, byte > | |
CpromoteFromTo< long double, double > | |
CpromoteFromTo< long double, float > | |
CpromoteFromTo< long double, int16 > | |
CpromoteFromTo< long double, int32 > | |
CpromoteFromTo< T, T > | |
CQRcode | QRcode and Barcode detection using ZBar |
CRoadFinder | Navigation by finding road |
CRoadModel | Store information about the road |
CRoadNavigation | Road finder demo |
Cround_helper | Helper struct to handle rounding between different types |
Cround_helper< dst_type, src_type, false > | |
Cround_helper< dst_type, src_type, true > | |
►CSaliency | Simple wrapper class around Rob Peter's C-optimized, fixed-point-math visual saliency code |
Cvisitor_data | |
CSaliencyGist | Simple saliency map and gist computation module |
CSaliencySURF | Simple salient region detection and identification using keypoint matching |
CSalientRegions | Extract the most salient regions and send them out over USB |
CSaveVideo | Save captured camera frames into a video file |
CScriptItem | |
CSegment | Segment is defined by the two end-points |
CSuperPixel | Superpixel image segmentation from OpenCV |
CSuperPixelSeg | Segment an image using super-pixels |
CSurprise | Compute Itti & Baldi surprise over video frames |
CSurpriseRecorder | Surprise-based recording of events |
►CTensorFlow | Identify an object using TensorFlow deep neural network |
CJeVoisReporter | |
CTensorFlowEasy | Identify objects using TensorFlow deep neural network |
CTensorFlowSaliency | Detect salient objects and identify them using TensorFlow deep neural network |
CTensorFlowSingle | Identify objects using TensorFlow deep neural network |
Ctype_if | Makes a type a typedef for T only if B is true |
Ctype_if< T, true > | |
Ctype_with_N_bits | A compile-time check that T has N bits |
CVanishingPoint | Keeps all the supporting information about a specific vanishing point |
CYolo | Detect multiple objects in scenes using the Darknet YOLO deep neural network |