An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: learning-algorithms

asreview/asreview

Active learning for systematic reviews

Language: Python - Size: 159 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 745 - Forks: 134

LanguageMachines/timbl

TiMBL implements several memory-based learning algorithms.

Language: C++ - Size: 10.4 MB - Last synced at: about 22 hours ago - Pushed at: 10 days ago - Stars: 52 - Forks: 9

NACLab/ngc-learn

NGC-Learn: Neurobiological Systems Design and Simulation in Python

Language: Python - Size: 79.9 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 152 - Forks: 30

Yurlungur/lagrange-interpolation

Library for Lagrange Interpolation

Language: C - Size: 599 KB - Last synced at: 3 months ago - Pushed at: about 8 years ago - Stars: 4 - Forks: 0

0xallam/Forward-Forward-Algorithm

Forward-Forward Algorithm: An Alternative Learning Algorithm to Backpropagation

Language: Python - Size: 13.7 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

eyupipler/Learning-Algorithms-with-Snake-Game

Learning Algorithms with Snake Game

Language: Python - Size: 11.7 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

neerajkumarvaid/ML_DL_RL_Codes

Implementation of Machine Learning, Deep Learning, Reinforcement Learning, Statistics, and Optimization algorithms in Python. I have organized the codes in respective sub-folders. Ongoing work!

Language: Jupyter Notebook - Size: 2.58 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

CogComp/lbjava

Learning Based Java (LBJava)

Language: Java - Size: 44.6 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 13 - Forks: 17

exbibyte/belief

Playground for some learning algorithms on CPU & GPU

Language: C++ - Size: 2.41 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

ago109/predictive-forward-forward

Implementation/simulation of the predictive forward-forward credit assignment algorithm for training neurobiologically-plausible recurrent neural network models.

Language: Python - Size: 91 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 45 - Forks: 4

asreview/asreview-covid19 📦

Extension that adds Covid-19 related datasets to ASReview

Language: Python - Size: 109 MB - Last synced at: 11 months ago - Pushed at: over 3 years ago - Stars: 27 - Forks: 7

codebygarrysingh/advanced-ml-algorithms-notebooks

Repository contains Jupiter notebooks covering work on advanced machine learning algorithms covering artificial neural networks using TensorFlow.

Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Alice52/algorithms

This repository is for learning Algorithms.

Language: Java - Size: 4.83 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

TheGeekiestOne/Coursera-Data-Structures-and-Algorithms-Specialization

Master Algorithmic Programming Techniques. Learn algorithms through programming and advance your software engineering or data science career

Language: C++ - Size: 18 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 145 - Forks: 65

AkuratiHemanth/Reinforcement_Learning_Bots_Showcase

Unleash the power of Reinforcement Learning with our dynamic collection of AI bots! Witness learning in action. 🤖🚀

Language: Python - Size: 43 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

manosriram/Learning-Algorithms

Collection of Learning Algorithms.

Language: Jupyter Notebook - Size: 8.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

rubenandrebarreiro/fct-nova-machine-learning-labs

🧠 💡 🤖 Projects based in Machine Learning Labs. This projects was built using Jupyter Notebook, iPython, Python, Anaconda, Spyder IDE and JetBrains PyCharm. This repository it's based in some practical lab exercises and examples related with Machine Learning, using some libraries like NumPy, Matplotlib, SciPy, Pandas and TensorFlow to work on some datasets, among many others!

Language: HTML - Size: 287 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

cortical-team/neko

Language: Python - Size: 58.6 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 17 - Forks: 4

makavelj/CLA

Implementation of Compression and Learning Algorithms

Language: Python - Size: 5.33 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

JeffMv/Lofea

Lottery analysis + features for use in Machine Learning algorithms

Language: Python - Size: 1.66 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 18 - Forks: 13

antopolskiy/quickdt

A fast and easy to use decision tree learner in java

Language: Java - Size: 2.3 MB - Last synced at: 10 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 2

michaelmendoza/learning-tensorflow

Simple Tensorflow tutorials for learning by example

Language: Jupyter Notebook - Size: 391 KB - Last synced at: 8 days ago - Pushed at: almost 3 years ago - Stars: 18 - Forks: 8

RohitRathore1/Repo-2020

Open Deep Learning and Reinforcement Learning lectures from top Universities like Stanford University, MIT, UC Berkeley. And an intent classifier which can classifies a query into one of the 21 given intents.

Language: Jupyter Notebook - Size: 214 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 2

mlennig/first_evolutionary_algorithm

Evolutionary algorithm with two different types of fitness functions: Langermann and cubic.

Language: C++ - Size: 377 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

ajaytanwani/Semi_Tied_GMMs-HMMs

Language: Matlab - Size: 15.7 MB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 4 - Forks: 2

mranuraggarg/Greedy-Algorithms

Sample programs showing solutions to puzzles solved using Greedy Algorithm

Language: Python - Size: 2.81 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

priyanka-kasture/Neural-Networks

Fully functional implementations of the most popularly used neural-network algorithms.

Language: Python - Size: 12.7 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

vbvh98/MLAlgorithms

ML Algorithms implimented in Python

Language: Jupyter Notebook - Size: 122 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

themech/Machine-Learning-Coursera-Tensorflow

Use Tensorflow and NumPy to implement these basic ML models and learning algorithms from Coursera ML course

Language: Python - Size: 8.06 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 2

Related Keywords
learning-algorithms 29 machine-learning 13 python 12 deep-learning 7 tensorflow 6 neural-networks 5 numpy 4 keras 3 neural-network 3 asreview 2 reinforcement-learning 2 biological-neural-networks 2 brain-inspired-computing 2 cognitive-science 2 coursera 2 credit-assignment 2 cpp 2 local-learning 2 backpropagation 2 neuroscience 2 predictive-coding 2 artificial-intelligence 2 systematic-reviews 2 utrecht-university 2 java 2 decision-tree 2 python3 2 datasets 2 example 1 convolutional-networks 1 cifar10 1 fft 1 cross-validation 1 supervised-learning 1 random-decision-forests 1 fourier-transform 1 keras-tensorflow 1 keras-tutorials 1 learning-tensorflow 1 prediction 1 play-tickets 1 mnist-classification 1 jax 1 boosting 1 bootstrap 1 burrows-wheeler-transform 1 bzip2 1 clustering-algorithm 1 compression 1 decision-trees 1 entropy 1 huffman-coding 1 lz77 1 lzw-algorithm 1 pattern-recognition 1 principal-component-analysis 1 random-forest 1 shannon-fano-algorithm 1 vector-quantization 1 draw 1 lotteries 1 lottery 1 lottery-draw 1 lottery-game 1 visual-recognition 1 assignment 1 evolutionary-algorithms 1 genetic-algorithm 1 clustering 1 gaussian-mixture-models 1 hidden-markov-model 1 robotics 1 greedy-algorithms 1 kulikov 1 pavel 1 pevzner 1 convolutional-neural-networks 1 generative-adversarial-network 1 gradient-descent 1 lstm-neural-networks 1 recurrent-neural-networks 1 theano 1 anaconda3 1 pickle 1 scikit-learn 1 segmentation 1 tensorflow-tutorial 1 tensorflow2 1 tutorial 1 unet 1 cnn 1 deep-reinforcement-learning 1 deeplearning 1 intent-classification 1 julia 1 linearregression 1 machinelearning 1 meta-learning 1 multitask-learning 1 nlp 1