Bookmarks tagged [machine-learning]
C-based/Cached/Core Computer Vision Library, A Modern Computer Vision Library. [BSD]
- tags: cpp, machine-learning
- source code
https://github.com/FidoProject/Fido
A highly-modular C++ machine learning library for embedded electronics and robotics. [MIT] website
- tags: cpp, machine-learning
- source code
https://github.com/facebookresearch/flashlight
A fast, flexible machine learning library from Facebook AI Research written entirely in C++ and based on the ArrayFire tensor library. [BSD-3-Clause] website
- tags: cpp, machine-learning
- source code
https://github.com/meta-toolkit/meta
A modern C++ data sciences toolkit. [MIT] website
- tags: cpp, machine-learning
- source code
https://github.com/dmlc/minerva
A fast and flexible system for deep learning. [Apache2]
- tags: cpp, machine-learning
- source code
https://github.com/mlpack/mlpack
A scalable c++ machine learning library. [LGPLv3] website
- tags: cpp, machine-learning
- source code
https://github.com/Itseez/opencv
Open Source Computer Vision Library. [BSD] website
- tags: cpp, machine-learning
- source code
https://github.com/GHamrouni/Recommender
C library for product recommendations/suggestions using collaborative filtering (CF). [BSD]
- tags: cpp, machine-learning
- source code
https://github.com/szcom/rnnlib
RNNLIB is a recurrent neural network library for sequence learning problems. [GPLv3]
- tags: cpp, machine-learning
- source code
https://github.com/shogun-toolbox/shogun
The Shogun Machine Learning Toolbox. [GPLv3]
- tags: cpp, machine-learning
- source code
https://code.google.com/p/sofia-ml/
The suite of fast incremental algorithms for machine learning. [Apache2]
- tags: cpp, machine-learning
https://github.com/vlfeat/vlfeat
The VLFeat open source library implements popular computer vision algorithms specialising in image understanding and local featurexs extraction and matching. [BSD-2-Clause] [website](http://www.vlfeat...
- tags: cpp, machine-learning
- source code
https://medium.com/@autumn_eng/about-rust-s-machine-learning-community-4cda5ec8a790#.hvkp56j3f
The conversations on the introduction of the latest Rust Machine Learning crate, which was also the birthplace of the new rust-machine-learning IRC (thanks for the setup, @Argorak) lead to the…
https://github.com/AtheMathmo/rusty-machine
Machine learning library for Rust
https://github.com/avinashshenoy97/RusticSOM
Rust library for Self Organising Maps (SOM).
https://github.com/autumnai/leaf
Open Machine Intelligence framework. . Abandoned project. The most updated fork is [spe...
https://github.com/tensorflow/rust
Rust language bindings for TensorFlow.
https://github.com/maciejkula/rustlearn
Machine learning crate for Rust.
https://github.com/LaurentMazare/tch-rs
Rust language bindings for PyTorch.
Deep Learning Platform offering TensorFlow, Caffe, PyTorch etc. as a Service on Kubernetes
https://github.com/google/kubeflow
Machine Learning Toolkit for Kubernetes.
https://github.com/IntelAI/mlt
Machine Learning Container Templates: easy to use container and kubernetes object templates.
https://github.com/deepinsight/mxnet-operator
Tools for ML/MXNet on Kubernetes.
https://github.com/polyaxon/polyaxon
An open source platform for reproducible machine learning and deep learning on kubernetes
https://github.com/SeldonIO/seldon-core
Open source framework for deploying machine learning models on Kubernetes
https://github.com/tensorflow/k8s
Tools for ML/Tensorflow on Kubernetes. Contribute to kubeflow/tf-operator development by creating an account on GitHub.
https://github.com/jbrukh/bayesian
Naive Bayesian Classification for Golang.
- tags: go, machine-learning
- source code
https://github.com/ryanbressler/CloudForest
Fast, flexible, multi-threaded ensembles of decision trees for machine learning in pure Go.
- tags: go, machine-learning
- source code
https://github.com/MaxHalford/eaopt
An evolutionary optimization library.
- tags: go, machine-learning
- source code
https://github.com/khezen/evoli
Genetic Algorithm and Particle Swarm Optimization library.
- tags: go, machine-learning
- source code
https://github.com/Fontinalis/fonet
A Deep Neural Network library written in Go.
- tags: go, machine-learning
- source code
https://github.com/e-XpertSolutions/go-cluster
Go implementation of the k-modes and k-prototypes clustering algorithms.
- tags: go, machine-learning
- source code
https://github.com/patrikeh/go-deep
A feature-rich neural network library in Go.
- tags: go, machine-learning
- source code
https://github.com/white-pony/go-fann
Go bindings for Fast Artificial Neural Networks(FANN) library.
- tags: go, machine-learning
- source code
https://github.com/thoj/go-galib
Genetic Algorithms library written in Go / golang.
- tags: go, machine-learning
- source code
https://github.com/daviddengcn/go-pr
Pattern recognition package in Go lang.
- tags: go, machine-learning
- source code
https://github.com/goml/gobrain
Neural Networks written in go.
- tags: go, machine-learning
- source code
https://github.com/e-dard/godist
Various probability distributions, and associated methods.
- tags: go, machine-learning
- source code
https://github.com/tomcraven/goga
Genetic algorithm library for Go.
- tags: go, machine-learning
- source code
https://github.com/sjwhitworth/golearn
General Machine Learning library for Go.
- tags: go, machine-learning
- source code
https://github.com/danieldk/golinear
liblinear bindings for Go.
- tags: go, machine-learning
- source code
https://github.com/surenderthakran/gomind
A simplistic Neural Network Library in Go.
- tags: go, machine-learning
- source code
https://github.com/cdipaolo/goml
On-line Machine Learning in Go.
- tags: go, machine-learning
- source code
https://github.com/timkaye11/goRecommend
Recommendation Algorithms library written in Go.
- tags: go, machine-learning
- source code
https://github.com/chewxy/gorgonia
graph-based computational library like Theano for Go that provides primitives for building various machine learning and neural network algorithms.
- tags: go, machine-learning
- source code
https://github.com/zhenghaoz/gorse
A High Performance Recommender System Package based on Collaborative Filtering for Go.
- tags: go, machine-learning
- source code
https://github.com/asafschers/goscore
Go Scoring API for PMML.
- tags: go, machine-learning
- source code
https://github.com/otiai10/gosseract
Go package for OCR (Optical Character Recognition), by using Tesseract C++ library.
- tags: go, machine-learning
- source code
https://github.com/datastream/libsvm
libsvm golang version derived work based on LIBSVM 3.14.
- tags: go, machine-learning
- source code
https://github.com/NullHypothesis/mlgo
This project aims to provide minimalistic machine learning algorithms in Go.
- tags: go, machine-learning
- source code
https://github.com/jinyeom/neat
Plug-and-play, parallel Go framework for NeuroEvolution of Augmenting Topologies (NEAT).
- tags: go, machine-learning
- source code
https://github.com/schuyler/neural-go
Multilayer perceptron network implemented in Go, with training via backpropagation.
- tags: go, machine-learning
- source code
https://github.com/otiai10/ocrserver
A simple OCR API server, seriously easy to be deployed by Docker and Heroku.
- tags: go, machine-learning
- source code
https://github.com/owulveryck/onnx-go
Go Interface to Open Neural Network Exchange (ONNX).
- tags: go, machine-learning
- source code
https://github.com/ThePaw/probab
Probability distribution functions. Bayesian inference. Written in pure Go.
- tags: go, machine-learning
- source code
https://github.com/muesli/regommend
Recommendation & collaborative filtering engine.
- tags: go, machine-learning
- source code
https://github.com/eaigner/shield
Bayesian text classifier with flexible tokenizers and storage backends for Go.
- tags: go, machine-learning
- source code
https://github.com/galeone/tfgo
Easy to use Tensorflow bindings: simplifies the usage of the official Tensorflow Go bindings. Define computational graphs in Go, load and execute models trained in Python.
- tags: go, machine-learning
- source code
https://github.com/Xamber/Varis
Golang Neural Network.
- tags: go, machine-learning
- source code
https://github.com/sergiofierens/ai4r
Algorithms covering several Artificial intelligence fields.
- tags: ruby, machine-learning
- source code
https://github.com/arbox/machine-learning-with-ruby
A Curated List of Ruby Machine Learning Links and Resources.
- tags: ruby, machine-learning
- source code
https://github.com/PredictionIO/PredictionIO-Ruby-SDK
The PredictionIO Ruby SDK provides a convenient API to quickly record your users' behavior and retrieve personalized predictions for them.
- tags: ruby, machine-learning
- source code
https://github.com/febeling/rb-libsvm
Ruby language bindings for LIBSVM. SVM is a machine learning and classification algorithm.
- tags: ruby, machine-learning
- source code
https://github.com/tangledpath/ruby-fann
Ruby library for interfacing with FANN (Fast Artificial Neural Network).
- tags: ruby, machine-learning
- source code
https://github.com/yoshoku/rumale
A machine learninig library with interfaces similar to Scikit-Learn.
- tags: ruby, machine-learning
- source code
https://github.com/paulgoetze/weka-jruby
Machine learning and data mining algorithms for JRuby.
- tags: ruby, machine-learning
- source code
https://github.com/h2oai/h2o-3
Open Source Fast Scalable Machine Learning Platform.
- tags: python, machine-learning
- source code
https://github.com/benhamner/Metrics
Machine learning evaluation metrics.
- tags: python, machine-learning
- source code
https://github.com/numenta/nupic
Numenta Platform for Intelligent Computing.
- tags: python, machine-learning
- source code
The most popular Python library for Machine Learning.
- tags: python, machine-learning
http://spark.apache.org/docs/latest/ml-guide.html
Apache Spark's scalable Machine Learning library.
- tags: python, machine-learning
https://github.com/josephreisinger/vowpal_porpoise
A lightweight Python wrapper for Vowpal Wabbit.
- tags: python, machine-learning
- source code
https://github.com/dmlc/xgboost
A scalable, portable, and distributed gradient boosting library.
- tags: python, machine-learning
- source code
https://github.com/karpathy/convnetjs
Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser.
https://github.com/dn2a/dn2a-javascript
Digital Neural Networks Architecture.
https://github.com/harthur/brain
Neural networks in JavaScript.
https://github.com/stevenmiller888/mind
A flexible neural network library.
https://github.com/cazala/synaptic
Architecture-free neural network library for node.js and the browser.
A JavaScript library for training and deploying ML models in the browser and on Node.js.
- tags: javascript, machine-learning
Friendly Machine Learning for the Web.
- tags: javascript, machine-learning
Fast, reliable, large-scale data processing engine.
- tags: java, machine-learning
Scalable algorithms focused on collaborative filtering, clustering and classification.
- tags: java, machine-learning
Data analytics cluster-computing framework.
- tags: java, machine-learning
Provides several algorithms and pre-trained models for natural language processing.
- tags: java, machine-learning
Creates structured information from unstructured data and integrates it into an existing database.
- tags: java, machine-learning
Distributed and multi-threaded deep learning library.
- tags: java, machine-learning
Analytics engine for statistics over big data.
- tags: java, machine-learning
https://github.com/EdwardRaff/JSAT
Algorithms for pre-processing, classification, regression, and clustering with support for multi-threaded execution.
- tags: java, machine-learning
- source code
https://github.com/OryxProject/oryx
Framework for building real-time, large-scale machine learning applications. Includes end-to-end applications for collaborative filtering, classification, regression, and clustering.
- tags: java, machine-learning
- source code
https://haifengl.github.io/smile
The Statistical Machine Intelligence and Learning Engine provides a set of machine learning algorithms and a visualization library.
- tags: java, machine-learning
https://www.cs.waikato.ac.nz/ml/weka
Collection of algorithms for data mining tasks ranging from pre-processing to visualization.
- tags: java, machine-learning
https://github.com/josephmisiti/awesome-machine-learning#readme
A curated list of awesome Machine Learning frameworks, libraries and software. - josephmisiti/awesome-machine-learning
https://github.com/ujjwalkarn/Machine-Learning-Tutorials#readme
machine learning and deep learning tutorials, articles and other resources - ujjwalkarn/Machine-Learning-Tutorials
https://github.com/arbox/machine-learning-with-ruby#readme
Curated list: Resources for machine learning in Ruby - arbox/machine-learning-with-ruby
https://github.com/likedan/Awesome-CoreML-Models#readme
Largest list of models for Core ML (for iOS 11+). Contribute to likedan/Awesome-CoreML-Models development by creating an account on GitHub.
https://github.com/h2oai/awesome-h2o#readme
A curated list of research, applications and projects built using H2O Machine Learning - h2oai/awesome-h2o
https://github.com/hangtwenty/dive-into-machine-learning#readme
Dive into Machine Learning with Python Jupyter notebook and scikit-learn! - hangtwenty/dive-into-machine-learning
https://www.youtube.com/watch?v=iumlHzoVlJM
Learn how to build a perceptron model from scratch with Javascript!
- 📆 published on: 2018-02-25
- tags: javascript, machine-learning
- source code
http://gihyo.jp/dev/serial/01/machine-learning
中谷秀洋,恩田伊織
http://gihyo.jp/dev/serial/01/mahout
やまかつ
http://jubat.us/ja/index.html#table-of-contents
http://thepythongamebook.com/en%3Astart
http://www.e-booksdirectory.com/details.php?ebook=9575
http://www-stat.stanford.edu/~tibs/ElemStatLearn/
Trevor Hastie, Robert Tibshirani, and Jerome Friedman
http://webdocs.cs.ualberta.ca/~sutton/book/ebook/the-book.html
http://idiom.ucsd.edu/~rlevy/pmsl_textbook/text.html
(Draft, with R code)
http://neuralnetworksanddeeplearning.com
http://www1.maths.leeds.ac.uk/~charles/statlog/
http://www.intechopen.com/books/machine_learning
http://www.iro.umontreal.ca/~bengioy/papers/ftml_book.pdf
(PDF)
https://bitbucket.org/hrojas/learn-tensorflow
Jupyter Notebooks
http://arxiv.org/abs/0904.3664v1
Amnon Shashua
http://www.inference.phy.cam.ac.uk/itila/
http://www.gaussianprocess.org/gpml/
http://www.deeplearningbook.org
Ian Goodfellow, Yoshua Bengio and Aaron Courville
http://web4.cs.ucl.ac.uk/staff/D.Barber/pmwiki/pmwiki.php?n=Brml.HomePage
http://www-bcf.usc.edu/~gareth/ISL/
Gareth James, Daniela Witten, Trevor Hastie and Robert Tibshirani
https://www.ics.uci.edu/~welling/teaching/ICS273Afall11/IntroMLBook.pdf
(PDF)
http://ciml.info/dl/v0_9/ciml-v0_9-all.pdf
(PDF)
http://www.dkriesel.com/en/science/neural_networks