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

  • Passwordless Authentication and Passwordless Security Icon
    Passwordless Authentication and Passwordless Security

    Identity is everything. Protect it with Duo.

    It’s no secret — passwords can be a real headache, both for the people who use them and the people who manage them. Over time, we’ve created hundreds of passwords, it’s easy to lose track of them and they’re easily compromised. Fortunately, passwordless authentication is becoming a feasible reality for many businesses. Duo can help you get there.
    Get a Free Trial
  • 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
  • 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,996 This Week
    Last Update:
    See Project
  • 2
    AlphaZero.jl

    AlphaZero.jl

    A generic, simple and fast implementation of Deepmind's AlphaZero

    Beyond its much publicized success in attaining superhuman level at games such as Chess and Go, DeepMind's AlphaZero algorithm illustrates a more general methodology of combining learning and search to explore large combinatorial spaces effectively. We believe that this methodology can have exciting applications in many different research areas. Because AlphaZero is resource-hungry, successful open-source implementations (such as Leela Zero) are written in low-level languages (such as C++) and optimized for highly distributed computing environments. This makes them hardly accessible for students, researchers and hackers. Many simple Python implementations can be found on Github, but none of them is able to beat a reasonable baseline on games such as Othello or Connect Four. As an illustration, the benchmark in the README of the most popular of them only features a random baseline, along with a greedy baseline that does not appear to be significantly stronger.
    Downloads: 52 This Week
    Last Update:
    See Project
  • 3
    GFPGAN

    GFPGAN

    GFPGAN aims at developing Practical Algorithms

    GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration. Colab Demo for GFPGAN; (Another Colab Demo for the original paper model) Online demo: Huggingface (return only the cropped face) Online demo: Replicate.ai (may need to sign in, return the whole image). Online demo: Baseten.co (backed by GPU, returns the whole image). We provide a clean version of GFPGAN, which can run without CUDA extensions. So that it can run in Windows or on CPU mode. GFPGAN aims at developing a Practical Algorithm for Real-world Face Restoration. It leverages rich and diverse priors encapsulated in a pretrained face GAN (e.g., StyleGAN2) for blind face restoration. Add V1.3 model, which produces more natural restoration results, and better results on very low-quality / high-quality inputs.
    Downloads: 50 This Week
    Last Update:
    See Project
  • 4
    dlib C++ Library
    Dlib is a C++ toolkit containing machine learning algorithms and tools for creating complex software in C++ to solve real world problems.
    Leader badge
    Downloads: 201 This Week
    Last Update:
    See Project
  • 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
  • 5
    Gym

    Gym

    Toolkit for developing and comparing reinforcement learning algorithms

    Gym by OpenAI is a toolkit for developing and comparing reinforcement learning algorithms. It supports teaching agents, everything from walking to playing games like Pong or Pinball. Open source interface to reinforce learning tasks. The gym library provides an easy-to-use suite of reinforcement learning tasks. Gym provides the environment, you provide the algorithm. You can write your agent using your existing numerical computation library, such as TensorFlow or Theano. It makes no assumptions about the structure of your agent, and is compatible with any numerical computation library, such as TensorFlow or Theano. The gym library is a collection of test problems — environments — that you can use to work out your reinforcement learning algorithms. These environments have a shared interface, allowing you to write general algorithms.
    Downloads: 3 This Week
    Last Update:
    See Project
  • 6
    Este proyecto constituye una adaptacion y mejora del codigo ANFIS de dominio público de Roger Jang. / This project is an adaptation and improvement of the original public domain ANFIS code of Roger Jang.
    Downloads: 1 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 2.0 license, useful for both open-source and proprietary (closed-source) software * Can be used for machine learning, pattern recognition, computer vision, signal processing, bioinformatics, statistics, finance, etc * Downloads: http://coot.sourceforge.io/download.html * Documentation: http://coot.sourceforge.io/docs.html * Bug reports: http://coot.sourceforge.io/faq.html * Git repo: https://gitlab.com/conradsnicta/bandicoot-code
    Downloads: 1 This Week
    Last Update:
    See Project
  • 8

    Genetic Algorithms Engine - Blackjack

    A genetic algortihm engine that evolves blackjack basic strategy.

    This project is a genetic algorithm engine able to be reused for other projects with minimal additional programming. The genetic algorithm engine currently plays many blackjack hands for the fitness function and produces a result similar to blackjack basic strategy. To see it in action, download the zip file and run either: GABlackjack_Demo.exe     (quick)   or GABlackjack_Long.exe       (slow, but it achieves better results). The code was written in C++, using MS Visual Studio 6.0 and MS Visual Source Safe 6.0. The genetic algorithm engine supports various mutation rates, ranked parental selection, stochastic sampling parental selection, cyclic crossover, crossover at each gene, cloning the best individual each generation, and creating random individuals each generation. To use the genetic algorithm engine to search for a different problem's solution, one needs to program a fitness function, the project settings, and a few virtual functions.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 9
    A java tool for anytime and interactive sequence mining. Aims at providing users with a way of analyzing her activity traces and extract activity schemes from them.
    Downloads: 1 This Week
    Last Update:
    See Project
  • Our Free Plans just got better! | Auth0 by Okta Icon
    Our Free Plans just got better! | Auth0 by Okta

    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 secuirty. Auth0 now, thank yourself later.
    Try free now
  • 10
    ALiVE
    A tool that helps develope the course of cognitive thought processes through software. This tool will look at the raw hex code of any input. It establishes pattern recognition over a mesured time incrament that in itself is at a different pace.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    ANT is a lightweight implementation in C of a kind of artificial neural net called Multilayer Perceptron, which uses the backpropagation algorithm as learning method. The package includes an introductory example to start using artificial neural nets.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    BudgetedSVM

    BudgetedSVM

    BudgetedSVM: A C++ Toolbox for Large-scale, Non-linear Classification

    We present BudgetedSVM, a C++ toolbox containing highly optimized implementations of three recently proposed algorithms for scalable training of Support Vector Machine (SVM) approximators: Adaptive Multi-hyperplane Machines (AMM), Budgeted Stochastic Gradient Descent (BSGD), and Low-rank Linearization SVM (LLSVM). BudgetedSVM trains models with accuracy comparable to LibSVM in time comparable to LibLinear, as it allows solving highly non-linear classi fication problems with millions of high-dimensional examples within minutes on a regular personal computer. We provide command-line and Matlab interfaces to BudgetedSVM, efficient API for handling large-scale, high-dimensional data sets, as well as detailed documentation to help developers use and further extend the toolbox.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    Very basic cellular automaton implementation in C#. Based upon the "Togetherness" algorithm described at http://www.hermetic.ch/pca/tg.htm.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 14
    Coach

    Coach

    Enables easy experimentation with state of the art algorithms

    Coach is a python framework that models the interaction between an agent and an environment in a modular way. With Coach, it is possible to model an agent by combining various building blocks, and training the agent on multiple environments. The available environments allow testing the agent in different fields such as robotics, autonomous driving, games and more. It exposes a set of easy-to-use APIs for experimenting with new RL algorithms and allows simple integration of new environments to solve. Coach collects statistics from the training process and supports advanced visualization techniques for debugging the agent being trained. Coach supports many state-of-the-art reinforcement learning algorithms, which are separated into three main classes - value optimization, policy optimization, and imitation learning. Coach supports a large number of environments which can be solved using reinforcement learning.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 15
    Flamingo Project

    Flamingo Project

    Workflow Designer, Hive Editor, Pig Editor, File System Browser

    Flamingo is a open-source Big Data Platform that combine a Ajax Rich Web Interface + Workflow Engine + Workflow Designer + MapReduce + Hive Editor + Pig Editor. 1. Easy Tool for big data 2. Use comfortable in Hadoop EcoSystem projects 3. Based GPL V3 License Supporting Pig IDE, Hive IDE, HDFS Browser, Scheduler, Hadoop Job Monitoring, Workflow Engine, Workflow Designer, MapReduce.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16

    GENet

    A genetic algorithm framework for artificial neural networks.

    A genetic algorithm framework to allow the evolution of synapse weights and topologies of artificial neural networks.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17

    High-order HMM in Matlab

    Implementation of duration high-order hidden Markov model in Matlab.

    Implementation of duration high-order hidden Markov model (DHO-HMM) in Matlab with application in speech recognition.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18
    This program generates customizable hyper-surfaces (multi-dimensional input and output) and samples data from them to be used further as benchmark for response surface modeling tasks or optimization algorithms.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19
    This is implementation of parallel genetic algorithm with "ring" insular topology. Algorithm provides a dynamic choice of genetic operators in the evolution of. The library supports the 26 genetic operators. This is cross-platform GA written in С++.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20

    LBP in multiple platforms

    LBP implementation in multiple computing platforms (ARM,GPU, DSP...)

    The Local Binary Pattern (LBP) is a texture operator that is used in several different computer vision applications and implemented in a variety of platforms. When selecting a suitable LBP implementation platform, the specific application and its requirements in terms of performance, size, energy efficiency, cost and developing time has to be carefully considered. This is a software toolbox that collects software implementations of the Local Binary Pattern operator in several platforms: - OpenCL for CPU & GPU - OpenCL for GPU (branchless) - C code optimized for ARM - OpenGL ES 2.0 shaders mobile GPUs - C code for TI C64x DSP core (branchless) - C code for TTA processor synthesis If you use the code somewhere, please cite: Bordallo López M., Nieto A., Boutellier J., Hannuksela J., and Silvén O. "Evaluation of real-time LBP computing in multiple architectures," Journal of Real Time Image Processing, 2014
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21
    Multiclass machine learning
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22
    MLPACK is a C++ machine learning library with emphasis on scalability, speed, and ease-of-use. Its aim is to make machine learning possible for novice users by means of a simple, consistent API, while simultaneously exploiting C++ language features to provide maximum performance and flexibility for expert users. * More info + downloads: https://mlpack.org * Git repo: https://github.com/mlpack/mlpack
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23

    MarketSim

    A python based auction market simulator for agricultural trade

    The market assumes an environment in which farmers sell their produce through brokers and traders locate produce to buy through brokers. The major aim of the simulator is to experiment with various reputation mechanisms to manage bottlenecks and to model various adversarial scenarios. The market is aimed to simulate agricultural trade in developing countries. It is written in python and mysql database on Linux.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    The Mars Rover Simulator project is based on the evolutionary robotics paradigm where an artificial agent acquires its skills through the process of artificial evolution. This simulator can be useful to evolve neural network controllers for the rover
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    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.