Showing 37 open source projects for "clustering algorithm matlab"

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
  • Powering the best of the internet | Fastly Icon
    Powering the best of the internet | Fastly

    Fastly's edge cloud platform delivers faster, safer, and more scalable sites and apps to customers.

    Ensure your websites, applications and services can effortlessly handle the demands of your users with Fastly. Fastly’s portfolio is designed to be highly performant, personalized and secure while seamlessly scaling to support your growth.
    Try for free
  • 1
    Smile

    Smile

    Statistical machine intelligence and learning engine

    Smile is a fast and comprehensive machine learning engine. With advanced data structures and algorithms, Smile delivers the state-of-art performance. Compared to this third-party benchmark, Smile outperforms R, Python, Spark, H2O, xgboost significantly. Smile is a couple of times faster than the closest competitor. The memory usage is also very efficient. If we can train advanced machine learning models on a PC, why buy a cluster? Write applications quickly in Java, Scala, or any JVM...
    Downloads: 10 This Week
    Last Update:
    See Project
  • 2
    sktime

    sktime

    A unified framework for machine learning with time series

    sktime is a library for time series analysis in Python. It provides a unified interface for multiple time series learning tasks. Currently, this includes time series classification, regression, clustering, annotation, and forecasting. It comes with time series algorithms and scikit-learn compatible tools to build, tune and validate time series models. Our objective is to enhance the interoperability and usability of the time series analysis ecosystem in its entirety. sktime provides a unified...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 3
    HDBSCAN

    HDBSCAN

    A high performance implementation of HDBSCAN clustering

    HDBSCAN - Hierarchical Density-Based Spatial Clustering of Applications with Noise. Performs DBSCAN over varying epsilon values and integrates the result to find a clustering that gives the best stability over epsilon. This allows HDBSCAN to find clusters of varying densities (unlike DBSCAN), and be more robust to parameter selection. In practice this means that HDBSCAN returns a good clustering straight away with little or no parameter tuning -- and the primary parameter, minimum cluster size...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 4
    Alink

    Alink

    Alink is the Machine Learning algorithm platform based on Flink

    Alink is Alibaba’s scalable machine learning algorithm platform built on Apache Flink, designed for batch and stream data processing. It provides a wide variety of ready-to-use ML algorithms for tasks like classification, regression, clustering, recommendation, and more. Written in Java and Scala, Alink is suitable for enterprise-grade big data applications where performance and scalability are crucial. It supports model training, evaluation, and deployment in real-time environments...
    Downloads: 0 This Week
    Last Update:
    See Project
  • MongoDB Atlas | Run databases anywhere Icon
    MongoDB Atlas | Run databases anywhere

    Ensure the availability of your data with coverage across AWS, Azure, and GCP on MongoDB Atlas—the multi-cloud database for every enterprise.

    MongoDB Atlas allows you to build and run modern applications across 125+ cloud regions, spanning AWS, Azure, and Google Cloud. Its multi-cloud clusters enable seamless data distribution and automated failover between cloud providers, ensuring high availability and flexibility without added complexity.
    Learn More
  • 5
    The Operator Splitting QP Solver

    The Operator Splitting QP Solver

    The Operator Splitting QP Solver

    OSQP uses a specialized ADMM-based first-order method with custom sparse linear algebra routines that exploit structure in problem data. The algorithm is absolutely division-free after the setup and it requires no assumptions on problem data (the problem only needs to be convex). It just works. OSQP has an easy interface to generate customized embeddable C code with no memory manager required. OSQP supports many interfaces including C/C++, Fortran, Matlab, Python, R, Julia, Rust.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 6
    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...
    Leader badge
    Downloads: 1,872 This Week
    Last Update:
    See Project
  • 7
    Bandicoot

    Bandicoot

    fast C++ library for GPU linear algebra & scientific computing

    * Fast GPU linear algebra library (matrix maths) for the C++ language, aiming towards a good balance between speed and ease of use * Provides high-level syntax and functionality deliberately similar to Matlab * Provides an API that is aiming to be compatible with Armadillo for easy transition between CPU and GPU linear algebra code * Useful for algorithm development directly in C++, or quick conversion of research code into production environments * Distributed under the permissive Apache...
    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
    PyArmadillo

    PyArmadillo

    linear algebra library for Python

    PyArmadillo - streamlined linear algebra library for Python, with emphasis on ease of use. Alternative to NumPy / SciPy. * Main page: https://pyarma.sourceforge.io * Documentation: https://pyarma.sourceforge.io/docs.html * Bug reports: https://pyarma.sourceforge.io/faq.html * Git repo: https://gitlab.com/jason-rumengan/pyarma
    Downloads: 1 This Week
    Last Update:
    See Project
  • Picsart Enterprise Background Removal API for Stunning eCommerce Visuals Icon
    Picsart Enterprise Background Removal API for Stunning eCommerce Visuals

    Instantly remove the background from your images in just one click.

    With our Remove Background API tool, you can access the transformative capabilities of automation , which will allow you to turn any photo asset into compelling product imagery. With elevated visuals quality on your digital platforms, you can captivate your audience, and therefore achieve higher engagement and sales.
    Learn More
  • 10
    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
  • 11
    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
  • 12
    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
  • 13

    popt4jlib

    Parallel Optimization Library for Java

    popt4jlib is an open-source parallel optimization library for the Java programming language supporting both shared memory and distributed message passing models. Implements a number of meta-heuristic algorithms for Non-Linear Programming, including Genetic Algorithms, Differential Evolution, Evolutionary Algorithms, Simulated Annealing, Particle Swarm Optimization, Firefly Algorithm, Monte-Carlo Search, Local Search algorithms, Gradient-Descent-based algorithms, as well as some well-known...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 14

    DGRLVQ

    Dynamic Generalized Relevance Learning Vector Quantization

    Some of the usual problems for Learning vector quantization (LVQ) based methods are that one cannot optimally guess about the number of prototypes required for initialization for multimodal data structures i.e.these algorithms are very sensitive to initialization of prototypes and one has to pre define the optimal number of prototypes before running the algorithm. If a prototype, for some reasons, is ‘outside’ the cluster which it should represent and if there are points of a different...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 15
    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
  • 16
    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: 2 This Week
    Last Update:
    See Project
  • 17
     Object detection is usually a software-based monitoring algorithm that will signal, for example in the surveillance camera to begin capturing the event when it detects motion. In object tracking, the object is located and the moving object is followed. One of the fundamental steps in many computer based vision systems for object tracking and motion detection is real-time segmentation of moving regions in the image sequences. Segmentation is done in order to detect the object accurately...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18

    GI-ICA

    Matlab implementation of GI-ICA and PEGI

    This is a matlab implementation of the GI-ICA algorithm for ICA in the presence of an additive Gaussian noise. The algorithm is discussed in the paper "Fast Algorithms for Gaussian Noise Invariant Independent Component Analysis" by James Voss, Luis Rademacher, and Mikhail Belkin.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19

    Java Library for Machine Learning

    A pure Java library for machine learning

    JML is a machine learning library in Java, it is a pure Java package, and thus is cross-platform. The goal of JML is to make machine learning methods very easy to use and speed up code conversion from MATLAB to Java. Please be noted that JML has been replaced by LAML.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 20
    This site contains four packages of Mass and mass-based density estimation. 1. The first package is about the basic mass estimation (including one-dimensional mass estimation and Half-Space Tree based multi-dimensional mass estimation). This packages contains the necessary codes to run on MATLAB. 2. The second package includes source and object files of DEMass-DBSCAN to be used with the WEKA system. 3. The third package DEMassBayes includes the source and object files of a Bayesian...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21

    JAABA

    The Janelia Automated Animal Behavior Annotator

    ... 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: 5 This Week
    Last Update:
    See Project
  • 22

    ObjectDetector

    Car Detection,Face Detectiom,Object Detection

    Machine learning: This project is used for training new object like Car,Motor Cycle and so on and we use this model(xml file) for detecting in images.In this project we use viola jones algorithm.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23

    Unsupervised Random Forest

    On-line Unsupervised Random Forest

    This tool uses Random Forest and PAM to cluster observations and to calculate the dissimilarity between observations. It supports on-line prediction of new observations (no need to retrain); and supports datasets that contain both continuous (e.g. CPU load) and categorical (e.g. VM instance type) features. In particular, we use an unsupervised formulation of the Random Forest algorithm to calculate similarities and provide them as input to a clustering algorithm. For the sake of efficiency...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24

    Face Recognition System

    Face Recognition System Matlab source code

    Research on automatic face recognition in images has rapidly developed into several inter-related lines, and this research has both lead to and been driven by a disparate and expanding set of commercial applications. The large number of research activities is evident in the growing number of scientific communications published on subjects related to face processing and recognition. Index Terms: face, recognition, eigenfaces, eigenvalues, eigenvectors, Karhunen-Loeve algorithm.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 25

    Fingerprint Recognition System

    Fingerprint Recognition System 5.3 - Matlab source code

    The proposed filter-based algorithm uses a bank of Gabor filters to capture both local and global details in a fingerprint as a compact fixed length FingerCode. The fingerprint matching is based on the Euclidean distance between the two corresponding FingerCodes and hence is extremely fast. We are able to achieve a verification accuracy which is only marginally inferior to the best results of minutiae-based algorithms published in the open literature. Our system performs better than a state...
    Downloads: 1 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.