Showing 15 open source projects for "git:/git.code.sf.net/p/docfetcher/code"

View related business solutions
  • Our Free Plans just got better! | Auth0 Icon
    Our Free Plans just got better! | Auth0

    With up to 25k MAUs and unlimited Okta connections, our Free Plan lets you focus on what you do best—building great apps.

    You asked, we delivered! Auth0 is excited to expand our Free and Paid plans to include more options so you can focus on building, deploying, and scaling applications without having to worry about your security. Auth0 now, thank yourself later.
    Try free now
  • Gen AI apps are built with MongoDB Atlas Icon
    Gen AI apps are built with MongoDB Atlas

    Build gen AI apps with an all-in-one modern database: MongoDB Atlas

    MongoDB Atlas provides built-in vector search and a flexible document model so developers can build, scale, and run gen AI apps without stitching together multiple databases. From LLM integration to semantic search, Atlas simplifies your AI architecture—and it’s free to get started.
    Start Free
  • 1
    Image Fusion

    Image Fusion

    Deep Learning-based Image Fusion: A Survey

    This repository is a survey / code collection centered on deep learning–based image fusion (e.g. fusing infrared + visible light images, multi-modal fusion) methods. It catalogs many fusion algorithms (e.g. DenseFuse, FusionGAN, NestFuse, etc.), links to code implementations, and describes evaluation metrics. The repository includes a “General Evaluation Metric” subfolder containing objective fusion metrics.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 2
    Armadillo

    Armadillo

    fast C++ library for linear algebra & scientific computing

    ... * Downloads: http://arma.sourceforge.net/download.html * Documentation: http://arma.sourceforge.net/docs.html * Bug reports: http://arma.sourceforge.net/faq.html * Git repo: https://gitlab.com/conradsnicta/armadillo-code
    Leader badge
    Downloads: 2,952 This Week
    Last Update:
    See Project
  • 3
    MTCNN Face Detection Alignment

    MTCNN Face Detection Alignment

    Joint Face Detection and Alignment

    MTCNN_face_detection_alignment is an implementation of the “Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Networks” algorithm. The algorithm uses a cascade of three convolutional networks (P-Net, R-Net, O-Net) to jointly detect faces (bounding boxes) and align facial landmarks in a coarse-to-fine manner, leveraging multi-task learning. Non-maximum suppression and bounding box regression at each stage. The repository includes Caffe / MATLAB code, support scripts, and instructions for dependencies. Non-maximum suppression and bounding box regression at each stage. ...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 4
    DnCNN

    DnCNN

    Beyond a Gaussian Denoiser: Residual Learning of Deep CNN

    ...This formulation allows efficient denoising, supports blind Gaussian noise (i.e. unknown noise levels), and can be extended to related tasks like image super-resolution or JPEG deblocking in some variants. The repository includes training code (using MatConvNet / MATLAB), demo scripts, pretrained models, and evaluation routines. Single model handling multiple noise levels.
    Downloads: 7 This Week
    Last Update:
    See Project
  • Keep company data safe with Chrome Enterprise Icon
    Keep company data safe with Chrome Enterprise

    Protect your business with AI policies and data loss prevention in the browser

    Make AI work your way with Chrome Enterprise. Block unapproved sites and set custom data controls that align with your company's policies.
    Download Chrome
  • 5
    VRN

    VRN

    Code for "Large Pose 3D Face Reconstruction

    The VRN (Volumetric Regression Network) repository implements the “Large Pose 3D Face Reconstruction from a Single Image via Direct Volumetric CNN Regression” method. Instead of explicitly fitting a 3D model via landmark estimation and deformation, VRN treats the reconstruction task as volumetric segmentation: it learns a CNN to regress a 3D volume aligned to the input image, and then extracts a mesh via isosurface from that volume. The network is unguided (no 2D landmarks as intermediate)....
    Downloads: 0 This Week
    Last Update:
    See Project
  • 6
    CAM

    CAM

    Class Activation Mapping

    ...The method involves modifying a CNN model slightly (e.g., using global average pooling before the final layer) to produce a weighted combination of feature maps as the class activation map. Integration with existing CNNs (with light modifications). Sample scripts/examples using standard architectures. The repo provides example code and instructions for applying CAM to existing CNN architectures. Visualization of discriminative regions per class.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 7
    Tiny

    Tiny

    Tiny Face Detector, CVPR 2017

    ...It provides training/testing scripts, a demo (tiny_face_detector.m), model loading, evaluation on WIDER FACE, and supporting utilities (e.g. cnn_widerface_eval.m). The code depends on MatConvNet, which must be compiled (with GPU / CUDA / cuDNN support) for full performance. Pretrained model provided (ResNet101-based, plus alternatives). Demo and evaluation scripts for benchmark datasets. Use of “foveal descriptors” to incorporate context for low-resolution faces. Pretrained model provided (ResNet101-based, plus alternatives).
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8

    OpenFace

    A state-of-the-art facial behavior analysis toolkit

    OpenFace is an advanced facial behavior analysis toolkit intended for computer vision and machine learning researchers, those in the affective computing community, and those who are simply interested in creating interactive applications based on facial behavior analysis. The OpenFace toolkit is capable of performing several complex facial analysis tasks, including facial landmark detection, eye-gaze estimation, head pose estimation and facial action unit recognition. OpenFace is able to...
    Downloads: 42 This Week
    Last Update:
    See Project
  • 9
    ConvNet Burden

    ConvNet Burden

    Memory consumption and FLOP count estimates for convnets

    convnet-burden is a MATLAB toolbox / script collection estimating computational cost (FLOPs) and memory consumption of various convolutional neural network architectures. It lets users compute approximate burdens (in FLOPs, memory) for standard image classification CNN models (e.g. ResNet, VGG) based on network definitions. The tool helps researchers compare the computational efficiency of architectures or quantify resource needs. Estimation of memory consumption (e.g. feature map sizes,...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Free and Open Source HR Software Icon
    Free and Open Source HR Software

    OrangeHRM provides a world-class HRIS experience and offers everything you and your team need to be that HR hero you know that you are.

    Give your HR team the tools they need to streamline administrative tasks, support employees, and make informed decisions with the OrangeHRM free and open source HR software.
    Learn More
  • 10
    Faster R-CNN

    Faster R-CNN

    Object detection framework based on deep convolutional networks

    ...The Faster R-CNN architecture combines a Region Proposal Network (RPN) with a Fast R-CNN style detection network to share convolutional feature maps and thus speed up detection. The repo includes code to train, test, and deploy Faster R-CNN models under the MATLAB / Caffe environment, example configuration files, and model checkpoints. Multiple configuration files for different datasets and architectures. Evaluation scripts for mAP and detection metrics.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    OpenCE

    OpenCE

    Contrast Enhancement Techniques for low-light images

    ...OpenCE leverages a feature pyramid structure combined with a refinement stage to improve keypoint detection accuracy across multiple scales, particularly for challenging poses in crowded scenes. The repository includes training scripts, pretrained models, and testing code, allowing users to reproduce results reported in the paper. It supports standard human pose estimation benchmarks such as COCO, with configurations optimized for accuracy and efficiency. As an open resource, OpenCE offers researchers and practitioners a strong baseline for pose estimation and a foundation for extending CPN-based methods.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    ECO

    ECO

    Matlab implementation of the ECO tracker

    ECO (Efficient Convolution Operators for Tracking) is a high-performance object tracking algorithm developed by Martin Danelljan and collaborators. It is based on discriminative correlation filters and designed to handle appearance changes, occlusions, and scale variations in visual object tracking tasks. The code provides a MATLAB implementation of the ECO and ECO-HC (high-speed) variants and was one of the top performers on multiple visual tracking benchmarks.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    HashingBaselineForImageRetrieval

    HashingBaselineForImageRetrieval

    Various hashing methods for image retrieval and serves as the baseline

    This repository provides baseline implementations of deep supervised hashing methods for image retrieval tasks using PyTorch. It includes clean, minimal code for several hashing algorithms designed to map images into compact binary codes while preserving similarity in feature space, enabling fast and scalable retrieval from large image datasets.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 14
    Netvlad

    Netvlad

    NetVLAD: CNN architecture for weakly supervised place recognition

    ...It extends standard CNNs with a trainable VLAD (Vector of Locally Aggregated Descriptors) layer to create compact, robust global descriptors from image features. This implementation includes training code and pretrained models using the Pittsburgh and Tokyo datasets.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 15
    OpenTLD

    OpenTLD

    OpenTLD is an open source library for real-time 2D tracking

    OpenTLD is an open source implementation of the TLD (Tracking-Learning-Detection) framework, designed for real-time 2D tracking of a single object in video sequences. Because it fuses tracking and detection, TLD can recover from occlusions, drift, or failures by using its detection mechanism to reacquire the object. In terms of usage, one typically initializes the tracker by providing a bounding box on the first frame, then calls a function like run_TLD to process a video and obtain bounding...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • Next