Showing 62 open source projects for "artificial intelligence algorithm"

View related business solutions
  • 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
  • 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
    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: 0 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
    LRSLibrary

    LRSLibrary

    Low-Rank and Sparse Tools for Background Modeling and Subtraction

    ... learning problems beyond video. Large algorithm collection: > 100 matrix- and tensor-based low-rank + sparse methods. Open-source license, documentation and references included.
    Downloads: 8 This Week
    Last Update:
    See Project
  • 4
    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...
    Downloads: 16 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
    mTRF-Toolbox

    mTRF-Toolbox

    A MATLAB package for modelling multivariate stimulus-response data

    mTRF-Toolbox is a MATLAB package for modelling multivariate stimulus-response data, suitable for neurophysiological data such as MEG, EEG, sEEG, ECoG and EMG. It can be used to model the functional relationship between neuronal populations and dynamic sensory inputs such as natural scenes and sounds, or build neural decoders for reconstructing stimulus features and developing real-time applications such as brain-computer interfaces (BCIs). Toolbox Paper: ...
    Downloads: 6 This Week
    Last Update:
    See Project
  • 6
    Eventer

    Eventer

    Rapid, unbiased, reproducible analysis of synaptic events

    Eventer is a programme designed for the detection of spontaneous synaptic events measured by electrophysiology or imaging. The software combines deconvolution for detection, and variable length template matching approaches for screening out false positive events. Eventer also includes a machine learning-based approach allowing users to train a model to implement their ‘expert’ selection criteria across data sets without bias. Sharing models allows users to implement consistent analysis...
    Downloads: 7 This Week
    Last Update:
    See Project
  • 7
    Spheroid_segmentation

    Spheroid_segmentation

    Deep learning networks for spheroid segmentation

    To accelerate the analysis of tumors' spheroids, different deep learning networks were trained to automatize the segmentation process. The code provides the trained networks based on Vgg16, Vgg19, ResNet18, and ResNet50 ready to be used for segmentation purposes. It also provides Matlab functions ready to be used to train new networks, segment new images, and measure the quality of the training using different quantitative parameters.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    CDF-TS
    This Matlab code is used for demonstration of the effect of CDF-TS as a preprocessing method to transform data. Written by Ye Zhu, Deakin University, April 2021, version 1.0. This software is under GNU General Public License version 3.0 (GPLv3) This code is a demo of method described by the following publication: Zhu, Y., Ting, K.M., Carman, M. and Angelova, M., 2021, April. CDF Transform-and-Shift: An effective way to deal with datasets of inhomogeneous cluster densities. Pattern...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    Machine Learning Homework

    Machine Learning Homework

    Matlab Coding homework for Machine Learning

    The Machine-Learning-homework repository by user “Ayatans” is a collection of MATLAB code intended to solve or illustrate assignments in machine learning courses. It includes implementations of standard machine learning algorithms (such as regression, classification, etc.), scripts for data loading and preprocessing, and evaluation routines (e.g. accuracy, error metrics). Because it is structured as homework or practice material, the code is likely intended more for didactic use than for...
    Downloads: 6 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
    Isolation‐based anomaly detection

    Isolation‐based anomaly detection

    Isolation‐based anomaly detection using nearest‐neighbor ensembles

    This site provides the source code of Isolation‐based anomaly detection (iNNE). https://onlinelibrary.wiley.com/doi/abs/10.1111/coin.12156 Bandaragoda, T.R., Ting, K.M., Albrecht, D., Liu, F.T., Zhu, Y. and Wells, J.R., 2018. Isolation‐based anomaly detection using nearest‐neighbor ensembles. Computational Intelligence, 34(4), pp.968-998.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    Isolation Similarity

    Isolation Similarity

    aNNE similarity based on Isolation Kernel

    Demo of using aNNE similarity for DBSCAN. Written by Xiaoyu Qin, Monash University, March 2019, version 1.0 This software is under GNU General Public License version 3.0 (GPLv3) This code is a demo of method described by the following publication: Qin, X., Ting, K.M., Zhu, Y. and Lee, V.C., 2019, July. Nearest-neighbour-induced isolation similarity and its impact on density-based clustering. In Proceedings of the AAAI Conference on Artificial Intelligence (Vol. 33, pp. 4755-4762...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    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
  • 13
    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
  • 14

    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
  • 15
    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
  • 16
    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
  • 17
    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
  • 18
    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
  • 19
    GPLAB is a Genetic Programming Toolbox for MATLAB
    Downloads: 5 This Week
    Last Update:
    See Project
  • 20
    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: 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
    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
  • 24
    All future developments will be implemented in the new MATLAB toolbox SciXMiner, please visit https://sourceforge.net/projects/scixminer/ to download the newest version. The former Matlab toolbox Gait-CAD was designed for the visualization and analysis of time series and features with a special focus to data mining problems including classification, regression, and clustering.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    Density-ratio based clustering

    Density-ratio based clustering

    Discovering clusters with varying densities

    This site provides the source code of two approaches for density-ratio based clustering, used for discovering clusters with varying densities. One approach is to modify a density-based clustering algorithm to do density-ratio based clustering by using its density estimator to compute density-ratio. The other approach involves rescaling the given dataset only. An existing density-based clustering algorithm, which is applied to the rescaled dataset, can find all clusters with varying...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • 3
  • 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.