Showing 27 open source projects for "artificial intelligence algorithm"

View related business solutions
  • Get the most trusted enterprise browser Icon
    Get the most trusted enterprise browser

    Advanced built-in security helps IT prevent breaches before they happen

    Defend against security incidents with Chrome Enterprise. Create customizable controls, manage extensions and set proactive alerts to keep your data and employees protected without slowing down productivity.
    Download Chrome
  • Gen AI apps are built with MongoDB Atlas Icon
    Gen AI apps are built with MongoDB Atlas

    The database for AI-powered applications.

    MongoDB Atlas is the developer-friendly database used to build, scale, and run gen AI and LLM-powered apps—without needing a separate vector database. Atlas offers built-in vector search, global availability across 115+ regions, and flexible document modeling. Start building AI apps faster, all in one place.
    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. It is not a single monolithic tool, but rather a curated reference and aggregation...
    Downloads: 9 This Week
    Last Update:
    See Project
  • 2
    Armadillo

    Armadillo

    fast C++ library for linear algebra & scientific computing

    * Fast C++ library for linear algebra (matrix maths) and scientific computing * Easy to use functions and syntax, deliberately similar to Matlab / Octave * Uses template meta-programming techniques to increase efficiency * Provides user-friendly wrappers for OpenBLAS, Intel MKL, LAPACK, ATLAS, ARPACK, SuperLU and FFTW libraries * Useful for machine learning, pattern recognition, signal processing, bioinformatics, statistics, finance, etc. * Downloads:...
    Leader badge
    Downloads: 2,329 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...
    Downloads: 9 This Week
    Last Update:
    See Project
  • 4
    DnCNN

    DnCNN

    Beyond a Gaussian Denoiser: Residual Learning of Deep CNN

    This repository implements DnCNN (“Deep CNN Denoiser”) from the paper “Beyond a Gaussian Denoiser: Residual Learning of Deep CNN for Image Denoising”. DnCNN is a feedforward convolutional neural network that learns to predict the residual noise (i.e. noise map) from a noisy input image, which is then subtracted to yield a clean image. This formulation allows efficient denoising, supports blind Gaussian noise (i.e. unknown noise levels), and can be extended to related tasks like image...
    Downloads: 1 This Week
    Last Update:
    See Project
  • Build Securely on AWS with Proven Frameworks Icon
    Build Securely on AWS with Proven Frameworks

    Lay a foundation for success with Tested Reference Architectures developed by Fortinet’s experts. Learn more in this white paper.

    Moving to the cloud brings new challenges. How can you manage a larger attack surface while ensuring great network performance? Turn to Fortinet’s Tested Reference Architectures, blueprints for designing and securing cloud environments built by cybersecurity experts. Learn more and explore use cases in this white paper.
    Download Now
  • 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

    This repository implements Class Activation Mapping (CAM), a technique to expose the implicit attention of convolutional neural networks by generating heatmaps that highlight the most discriminative image regions influencing a network’s class prediction. 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...
    Downloads: 8 This Week
    Last Update:
    See Project
  • 7
    Tiny

    Tiny

    Tiny Face Detector, CVPR 2017

    This repository implements the Tiny Face Detector (from Hu & Ramanan, CVPR 2017) in MATLAB (using MatConvNet). The method is designed to detect tiny faces (i.e. very small-scale faces) by combining multi-scale context modeling, foveal descriptors, and scale enumeration strategies. 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...
    Downloads: 8 This Week
    Last Update:
    See Project
  • 8
    KLT-IV
    KLT-IV v1.0 has been designed to offer a user-friendly graphical user interface for the determination of river flow velocity and river discharge using videos acquired using a variety of fixed and moving platforms. KLT-IV employs optical flow and computer vision techniques for the tracking of features present on the river surface with pixel displacements being converted to real-world velocities using an optimised camera model approach. Movement of the platform can be accounted for...
    Downloads: 4 This Week
    Last Update:
    See Project
  • 9

    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: 28 This Week
    Last Update:
    See Project
  • Photo and Video Editing APIs and SDKs Icon
    Photo and Video Editing APIs and SDKs

    Trusted by 150 million+ creators and businesses globally

    Unlock Picsart's full editing suite by embedding our Editor SDK directly into your platform. Offer your users the power of a full design suite without leaving your site.
    Learn More
  • 10
    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: 10 This Week
    Last Update:
    See Project
  • 11
    Mexopencv

    Mexopencv

    Collection and a development kit of matlab mex functions for OpenCV

    mexopencv is a collection of MEX functions that provide MATLAB bindings for OpenCV, the popular computer vision library. It enables MATLAB users to access nearly the full range of OpenCV’s C++ API directly from MATLAB, combining the ease of MATLAB scripting with the performance of OpenCV.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    Faster R-CNN

    Faster R-CNN

    Faster R-CNN

    This repository provides a MATLAB / Caffe re-implementation of the Faster R-CNN object detection framework (originally from Ren et al. 2015). 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...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    OpenCE

    OpenCE

    Contrast Enhancement Techniques for low-light images

    OpenCE is an open source implementation of the paper Cascaded Pyramid Network for Multi-Person Pose Estimation (CVPR 2018) by Yilun Chen, Zhicheng Wang, Yuxiang Peng, Zhiqiang Zhang, Gang Yu, and Jian Sun. The framework provides a complete training and evaluation pipeline for human pose estimation using a cascaded pyramid network (CPN). OpenCE leverages a feature pyramid structure combined with a refinement stage to improve keypoint detection accuracy across multiple scales, particularly for...
    Downloads: 3 This Week
    Last Update:
    See Project
  • 14
    Toolbox

    Toolbox

    Piotr's Image & Video Matlab Toolbox

    Piotr’s Image & Video MATLAB Toolbox is a general-purpose MATLAB toolbox for image and video processing and vision tasks, offering utilities, filters, detection, feature extraction, and algorithm building blocks. Example and demo scripts for usage (e.g. acfReadme, detector readmes). It augments MATLAB’s native capabilities (not replacing the Image Processing Toolbox) by providing efficient, reusable wrappers and optimized routines. Example and demo scripts for usage (e.g. acfReadme, detector...
    Downloads: 10 This Week
    Last Update:
    See Project
  • 15
    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
  • 16
    R-FCN

    R-FCN

    R-FCN: Object Detection via Region-based Fully Convolutional Networks

    R-FCN (“Region-based Fully Convolutional Networks”) is an object detection framework that makes almost all computation fully convolutional and shared across the image, unlike prior region-based approaches (e.g. Faster R-CNN) which run per-region sub-networks. The repository provides an implementation (in Python) supporting end-to-end training and inference of R-FCN models on standard datasets. The authors propose position-sensitive score maps to reconcile the need for translation variance...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 17
    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
  • 18
    Edges

    Edges

    Structured Edge Detection Toolbox

    Structured Edge Detection (Edges) is a MATLAB toolbox implementing the structured forests method for fast and accurate edge detection (up to ~60 fps in many settings). The toolbox also includes the Edge Boxes object proposal method, fast superpixel generation, and utilities for training, evaluation, and integration with vision pipelines. High performance (frames per second performance depending on settings). Integration with MATLAB and compatibility with external vision pipelines. Fast edge...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 19
    Netvlad

    Netvlad

    NetVLAD: CNN architecture for weakly supervised place recognition

    NetVLAD is a deep learning-based image descriptor framework developed by Relja Arandjelović for place recognition and image retrieval. 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: 1 This Week
    Last Update:
    See Project
  • 20
    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: 6 This Week
    Last Update:
    See Project
  • 21
    Rcnn

    Rcnn

    R-CNN: Regions with Convolutional Neural Network Features

    This repository contains the original MATLAB implementation of R-CNN (Regions with Convolutional Neural Networks), a pioneering deep learning-based object detection framework. Developed by Ross Girshick, R-CNN combines region proposals with convolutional neural networks to detect objects in images. It was one of the first approaches to significantly improve performance on object detection benchmarks like PASCAL VOC.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22

    Fish4Knowledge Project

    Analysis of undersea fish videos

    The Fish4knowledge project investigated: information abstraction and storage methods for analyzing undersea video data (from 10E+15 pixels to 10E+12 units of information), machine and human vocabularies for detecting & describing fish, flexible process architectures to process the data and scientific queries and effective specialised user query interfaces. A combination of computer vision, database storage, workflow and human computer interaction methods were used to achieve this. The...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 23
    mVision library is a set of functions related with computer vision programmed in Matlab. Also include a couple of GUIs for test visually the functions.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    Computer Vision Application.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    The files contained in this distribution implement a computer vision system for the classification and interpretation of flag semaphore signals. Optionally, the message can be used to send and receive TCP/IP packets using the RFC 4824 protocol.
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • Next
Want the latest updates on software, tech news, and AI?
Get latest updates about software, tech news, and AI from SourceForge directly in your inbox once a month.