Search Results for "artificial intelligence algorithm" - Page 2

Showing 137 open source projects for "artificial intelligence algorithm"

View related business solutions
  • MongoDB Atlas runs apps anywhere Icon
    MongoDB Atlas runs apps anywhere

    Deploy in 115+ regions with the modern database for every enterprise.

    MongoDB Atlas gives you the freedom to build and run modern applications anywhere—across AWS, Azure, and Google Cloud. With global availability in over 115 regions, Atlas lets you deploy close to your users, meet compliance needs, and scale with confidence across any geography.
    Start Free
  • Build Securely on Azure with Proven Frameworks Icon
    Build Securely on Azure 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
  • 1
    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
  • 2
    Activity Recognition

    Activity Recognition

    Resources about activity recognition

    This repository is a curated collection of resources, papers, code, and summaries relating to human activity recognition/behavior recognition. It is not a single integrated software package but rather a knowledge base organizing feature extraction methods, deep learning approaches, transfer learning strategies, datasets, and representative research in behavior recognition. The repository includes links to code in MATLAB, Python, summaries of algorithms, datasets, and relevant research...
    Downloads: 8 This Week
    Last Update:
    See Project
  • 3
    Coursera Machine Learning

    Coursera Machine Learning

    Coursera Machine Learning By Prof. Andrew Ng

    CourseraMachineLearning is a personal collection of resources, notes, and programming exercises from Andrew Ng’s popular Machine Learning course on Coursera. It consolidates lecture references, programming tutorials, test cases, and supporting materials into one repository for easier review and practice. The project highlights fundamental machine learning concepts such as hypothesis functions, cost functions, gradient descent, bias-variance tradeoffs, and regression models. It also organizes...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 4

    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
  • Deliver secure remote access with OpenVPN. Icon
    Deliver secure remote access with OpenVPN.

    Trusted by nearly 20,000 customers worldwide, and all major cloud providers.

    OpenVPN's products provide scalable, secure remote access — giving complete freedom to your employees to work outside the office while securely accessing SaaS, the internet, and company resources.
    Get started — no credit card required.
  • 5
    Phenalysis

    Phenalysis

    Analyze agronomic plant research plots in aerial orthomosaic images.

    A graphical user interface to import, analyze and export plots from orthomosaic images of agronomic trials. Please cite the following reference in your work if you use Phenalysis: Khan Z and Miklavcic SJ (2019) An Automatic Field Plot Extraction Method From Aerial Orthomosaic Images. Front. Plant Sci. 10:683. doi: https://doi.org/10.3389/fpls.2019.00683 This tool is being developed through the sponsorship of the Australian Research Council's Industrial Transformation Research Hub on...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 6
    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
  • 7
    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
  • 8
    OpenOCL Matlab

    OpenOCL Matlab

    Optimal control, trajectory optimization, model-predictive control.

    The Open Optimal Control Library is a software framework in Matlab/Octave for modeling optimal control problem. It uses automatic differentiation and fast non-linear programming solvers. It implements direct methods. In the backend it uses CasADi and ipopt.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    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
  • 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
  • 10
    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
  • 11
    CFNet

    CFNet

    Training a Correlation Filter end-to-end allows lightweight networks

    CFNet is the official implementation of End-to-end representation learning for Correlation Filter based tracking (CVPR 2017) by Luca Bertinetto, Jack Valmadre, João F. Henriques, Andrea Vedaldi, and Philip H. S. Torr. The framework combines correlation filters with deep convolutional neural networks to create an efficient and accurate visual object tracker. Unlike traditional correlation filter trackers that rely on hand-crafted features, CFNet learns feature representations directly from...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 12
    MatlabFunc

    MatlabFunc

    Matlab codes for feature learning

    MatlabFunc is a collection of MATLAB functions developed by the ZJULearning group to support various tasks in computer vision, machine learning, and numerical computation. The repository brings together a wide range of utility scripts, algorithms, and implementations that serve as building blocks for research and development. These functions cover areas such as matrix operations, optimization, data processing, and visualization, making them broadly applicable across different research...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 13
    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
  • 14
    Detect and Track

    Detect and Track

    Code release for "Detect to Track and Track to Detect", ICCV 2017

    Detect-Track is the official implementation of the ICCV 2017 paper Detect to Track and Track to Detect by Christoph Feichtenhofer, Axel Pinz, and Andrew Zisserman. The framework unifies object detection and tracking into a single pipeline, allowing detection to support tracking and tracking to enhance detection performance. Built upon a modified version of R-FCN, the code provides implementations using backbone networks such as ResNet-50, ResNet-101, ResNeXt-101, and Inception-v4, with...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 15
    Distance Scaling

    Distance Scaling

    A Distance Scaling Method to Improve Density-Based Clustering

    These functions implement a distance scaling method, proposed by Ye Zhu, Kai Ming Ting, and Maia Angelova, "A Distance Scaling Method to Improve Density-Based Clustering", in PAKDD2018 proceedings: https://doi.org/10.1007/978-3-319-93040-4_31.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    Clustering by Shared Subspaces

    Clustering by Shared Subspaces

    Grouping Points by Shared Subspaces for Effective Subspace Clustering

    These functions implement a subspace clustering algorithm, proposed by Ye Zhu, Kai Ming Ting, and Mark J. Carman: "Grouping Points by Shared Subspaces for Effective Subspace Clustering", Published in Pattern Recognition Journal at https://doi.org/10.1016/j.patcog.2018.05.027
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17
    GPLAB is a Genetic Programming Toolbox for MATLAB
    Downloads: 4 This Week
    Last Update:
    See Project
  • 18
    Deep Photo Style Transfer

    Deep Photo Style Transfer

    Code and data for paper "Deep Photo Style Transfer"

    Deep Photo Style Transfer is an implementation of the algorithm described in the paper “Deep Photo Style Transfer” (arXiv 1703.07511). The software allows users to transfer the style of one photograph to another while preserving photorealism and semantic consistency. It relies on semantic segmentation masks to guide style transfer (so that e.g. sky maps to sky, building maps to building), and uses a matting Laplacian regularization term to ensure smooth transitions. The repository provides code...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19
    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
  • 20
    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
  • 21
    EEG Seizure Prediction

    EEG Seizure Prediction

    Seizure prediction from EEG data using machine learning

    The Kaggle-EEG project is a machine learning solution developed for seizure prediction from EEG data, achieving 3rd place in the Kaggle/University of Melbourne Seizure Prediction competition. The repository processes EEG data to predict seizures by training machine learning models, specifically using SVM (Support Vector Machine) and RUS Boosted Tree ensemble models. The framework processes EEG data into features, trains models, and outputs predictions, handling temporal data to ensure accuracy.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22
    This project aims to develop and share fast frequent subgraph mining and graph learning algorithms. Currently we release the frequent subgraph mining package FFSM and later we will include new functions for graph regression and classification package
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23
    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
  • 24
    mctc4bmi

    mctc4bmi

    Matrix and Tensor Completion for Background Model Initialization

    MCTC4BMI (Multimodal Compressed Sensing and Tensor Decomposition for Brain-Machine Interfaces) is a MATLAB toolbox designed to process and analyze EEG data. It applies compressed sensing and tensor decomposition techniques to improve brain-machine interface (BMI) performance.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 25

    BioRec:Bird Census field data annotation

    Recognizing biological data from a notebook.

    This project helps to digitize field data for a certain Bird Census method. Namely, bird census based on personal inspection or small (~10 km^2) regions with recording birds' position and behaviour on paper. This project makes it easy to annotate such field data and to make this data available for statistical analysis.
    Downloads: 0 This Week
    Last Update:
    See Project
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.