Open Source MATLAB Artificial Intelligence Software

MATLAB Artificial Intelligence Software

View 11850 business solutions

Browse free open source MATLAB Artificial Intelligence Software and projects below. Use the toggles on the left to filter open source MATLAB Artificial Intelligence Software by OS, license, language, programming language, and project status.

  • 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
  • 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
  • 1
    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: 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,759 This Week
    Last Update:
    See Project
  • 2

    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 deliver state-of-the-art results in all of these mentioned tasks. OpenFace is available for Windows, Ubuntu and macOS installations. It is capable of real-time performance and does not need to run on any specialist hardware, a simple webcam will suffice.
    Downloads: 40 This Week
    Last Update:
    See Project
  • 3
    VGGFace2

    VGGFace2

    VGGFace2 Dataset for Face Recognition

    VGGFace2 is a large-scale face recognition dataset developed to support research on facial recognition across variations in pose, age, illumination, and identity. It consists of 3.31 million images covering 9,131 subjects, with an average of over 360 images per subject. The dataset was collected from Google Image Search, ensuring a wide diversity in ethnicity, profession, and real-world conditions. It is split into a training set with 8,631 identities and a test set with 500 identities, making it suitable for benchmarking and large-scale model training. Alongside the dataset, the repository provides pre-trained models based on ResNet-50 and SE-ResNet-50 architectures, trained with both MS-Celeb-1M pretraining and fine-tuning on VGGFace2. These models achieve strong verification performance on benchmarks such as IJB-B and include variants with lower-dimensional embeddings for compact feature representation. The project also includes preprocessing tools, face detection scripts, and etc.
    Downloads: 22 This Week
    Last Update:
    See Project
  • 4
    Large Language Models (LLMs)

    Large Language Models (LLMs)

    Connect MATLAB to LLM APIs, including OpenAI® Chat Completions

    This repository enables MATLAB to connect with large language models (LLMs) such as OpenAI's ChatGPT, DALL-E, Azure OpenAI, and Ollama, integrating their natural language processing and image generation capabilities directly within MATLAB environments. It facilitates creating chatbots, summarizing text, and image generation, among other tasks.
    Downloads: 14 This Week
    Last Update:
    See Project
  • 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
  • 5
    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 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
  • 6
    Stanford Machine Learning Course

    Stanford Machine Learning Course

    machine learning course programming exercise

    The Stanford Machine Learning Course Exercises repository contains programming assignments from the well-known Stanford Machine Learning online course. It includes implementations of a variety of fundamental algorithms using Python and MATLAB/Octave. The repository covers a broad set of topics such as linear regression, logistic regression, neural networks, clustering, support vector machines, and recommender systems. Each folder corresponds to a specific algorithm or concept, making it easy for learners to navigate and practice. The exercises serve as practical, hands-on reinforcement of theoretical concepts taught in the course. This collection is valuable for students and practitioners who want to strengthen their skills in machine learning through coding exercises.
    Downloads: 7 This Week
    Last Update:
    See Project
  • 7
    MATLAB Deep Learning Model Hub

    MATLAB Deep Learning Model Hub

    Discover pretrained models for deep learning in MATLAB

    Discover pre-trained models for deep learning in MATLAB. Pretrained image classification networks have already learned to extract powerful and informative features from natural images. Use them as a starting point to learn a new task using transfer learning. Inputs are RGB images, the output is the predicted label and score.
    Downloads: 6 This Week
    Last Update:
    See Project
  • 8
    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 data in an end-to-end fashion. This allows the tracker to be both computationally efficient and robust to appearance changes such as scale, rotation, and illumination variations. The repository provides pre-trained models, training code, and testing scripts for evaluating the tracker on standard benchmarks. By bridging the gap between correlation filters and deep learning, CFNet provides a foundation for further research in real-time object tracking.
    Downloads: 5 This Week
    Last Update:
    See Project
  • 9
    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 results demonstrating state-of-the-art accuracy on the ImageNet VID dataset. The repository includes MATLAB-based training and testing scripts, along with pre-trained models and pre-computed region proposals for reproducibility. Multiple testing configurations are available, including multi-frame input and enhanced versions that refine tracking boxes and integrate detection confidence across frames.
    Downloads: 5 This Week
    Last Update:
    See Project
  • Total Network Visibility for Network Engineers and IT Managers Icon
    Total Network Visibility for Network Engineers and IT Managers

    Network monitoring and troubleshooting is hard. TotalView makes it easy.

    This means every device on your network, and every interface on every device is automatically analyzed for performance, errors, QoS, and configuration.
    Learn More
  • 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 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: 5 This Week
    Last Update:
    See Project
  • 11
    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 week-by-week course schedules with links to exercises, lecture notes, and additional resources. Alongside the official coursework, the repository includes supplemental explanations, code snippets, and references to recommended textbooks and external materials. By gathering course-related resources into a single space, this project acts as a practical study companion for learners revisiting or supplementing the original course.
    Downloads: 4 This Week
    Last Update:
    See Project
  • 12
    LRSLibrary

    LRSLibrary

    Low-Rank and Sparse Tools for Background Modeling and Subtraction

    LRSLibrary is a MATLAB library offering a broad collection of low-rank plus sparse decomposition algorithms, primarily aimed at background/foreground modeling from videos (background subtraction) and related computer vision tasks. Compatibility across MATLAB versions (tested in R2014–R2017) The library includes matrix and tensor methods (over 100 algorithms) and has been tested across MATLAB versions from R2014 onward. The algorithms can also be adapted to other computer vision or machine learning problems beyond video. Large algorithm collection: > 100 matrix- and tensor-based low-rank + sparse methods. Open-source license, documentation and references included.
    Downloads: 4 This Week
    Last Update:
    See Project
  • 13
    Exposure Correction

    Exposure Correction

    Learning multi-scale deep model correcting over- and under- exposed

    Exposure_Correction is a research project that provides the implementation for the paper Learning Multi-Scale Photo Exposure Correction (CVPR 2021). The repository focuses on correcting poorly exposed photographs, handling both underexposure and overexposure using a deep learning approach. The method employs a multi-scale framework that learns to enhance images by adjusting exposure levels across different spatial resolutions. This allows the model to preserve fine details while correcting global lighting inconsistencies. The repository includes pre-trained models, datasets, and training/testing code to enable reproducibility and experimentation. By leveraging this framework, researchers and developers can apply exposure correction to a wide range of natural images, improving visual quality without manual editing. The project serves both as a research reference and a practical tool for computational photography and image enhancement.
    Downloads: 3 This Week
    Last Update:
    See Project
  • 14
    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 domains. The project is intended to provide reusable and adaptable MATLAB code that can save time for researchers and students working on experimental or applied projects. By consolidating these tools in one place, MatlabFunc serves as a practical reference and toolkit for both academic and engineering purposes. Contributions and improvements from the community are encouraged, allowing the repository to grow into a richer resource over time.
    Downloads: 3 This Week
    Last Update:
    See Project
  • 15
    MatlabMachine

    MatlabMachine

    Machine learning algorithms

    Matlab-Machine is a comprehensive collection of machine learning algorithms implemented in MATLAB. It includes both basic and advanced techniques for classification, regression, clustering, and dimensionality reduction. Designed for educational and research purposes, the repository provides clear implementations that help users understand core ML concepts.
    Downloads: 3 This Week
    Last Update:
    See Project
  • 16
    Robust Tube MPC

    Robust Tube MPC

    Example implementation for robust model predictive control using tube

    robust-tube-mpc is a MATLAB implementation of robust tube-based Model Predictive Control (MPC). The framework provides tools to design and simulate controllers that maintain stability and constraint satisfaction in the presence of bounded disturbances. Tube-based MPC achieves robustness by combining a nominal trajectory planner with an error feedback controller that keeps the actual system state within a "tube" around the nominal trajectory. This repository includes example scripts and implementations demonstrating how to apply the method to control problems. It is particularly useful for researchers, students, and engineers exploring robust control strategies in uncertain environments. By offering a structured implementation, robust-tube-mpc makes it easier to study and extend advanced MPC techniques for real-world applications.
    Downloads: 3 This Week
    Last Update:
    See Project
  • 17
    The purpose of this program is to teach a computer to classify plants via their leaves. You just need to input the image of a leaf(acquired from scanner or camera), then the computer can tell you what kind of plant it is.
    Leader badge
    Downloads: 63 This Week
    Last Update:
    See Project
  • 18

    JAABA

    The Janelia Automated Animal Behavior Annotator

    The Janelia Automatic Animal Behavior Annotator (JAABA) is a machine learning-based system that enables researchers to automatically compute interpretable, quantitative statistics describing video of behaving animals. Through our system, users encode their intuition about the structure of behavior by labeling the behavior of the animal, e.g. walking, grooming, or following, in a small set of video frames. JAABA uses machine learning techniques to convert these manual labels into behavior detectors that can then be used to automatically classify the behaviors of animals in large data sets with high throughput. JAABA combines an intuitive graphical user interface, a fast and powerful machine learning algorithm, and visualizations of the classifier into an interactive, usable system for creating automatic behavior detectors. Documentation is available at: http://jaaba.sourceforge.net/
    Leader badge
    Downloads: 18 This Week
    Last Update:
    See Project
  • 19
    SmartWeld

    SmartWeld

    Weld Optimization for Automatic Welding

    Science based weld software to develop optimal automatic weld procedures. SmartWeld is a PC based tool for designers, engineers, and technicians to aid in selecting, optimizing, and configuring automated welding processes.
    Leader badge
    Downloads: 16 This Week
    Last Update:
    See Project
  • 20
    Overhead Imagery Research Data Set (OIRDS) - an annotated data library & tools to aid in the development of computer vision algorithms
    Downloads: 9 This Week
    Last Update:
    See Project
  • 21
    Source code from the Research Institute for Signals, Systems and Computational Intelligence http://fich.unl.edu.ar/sinc
    Leader badge
    Downloads: 9 This Week
    Last Update:
    See Project
  • 22
    GPLAB is a Genetic Programming Toolbox for MATLAB
    Downloads: 8 This Week
    Last Update:
    See Project
  • 23
    iRobot Create Simulator
    A MATLAB toolbox for simulating the movement of the iRobot Create. Contains multiple GUIs for creating maps and other input, showing the movement of the Create, and replaying a previously saved session.
    Leader badge
    Downloads: 4 This Week
    Last Update:
    See Project
  • 24
    This is a Matlab software package for single molecule FRET data analysis.
    Downloads: 4 This Week
    Last Update:
    See Project
  • 25
    CometAnalyser

    CometAnalyser

    CometAnalyser, for quantitative comet assay analysis.

    Description: Comet assay provides an easy solution to estimate DNA damage in single cells through microscopy assessment. To obtain reproducible and reliable quantitative data, we developed an easy-to-use tool named CometAnalyser. CometAnalyser is an open-source deep-learning tool designed for the analysis of both fluorescent and silver-stained wide-field microscopy images. Once the comets are segmented and classified, several intensity/morphological features are automatically exported as a spreadsheet file. Video Tutorial: CometAnalyser is written in MATLAB. It works with Windows, Macintosh, and UNIX-based systems. Please, download the sample datasets and test it watching the video tutorial to understand how it works: https://www.youtube.com/watch?v=vh2VFnMw50A Contacts: filippo.piccinini85@gmail.com beleonattila@gmail.com
    Downloads: 6 This Week
    Last Update:
    See Project