Limdu is a machine-learning framework for Node.js. It supports multi-label classification, online learning, and real-time classification. Therefore, it is especially suited for natural language understanding in dialog systems and chat-bots.Limdu is in an "alpha" state - some parts are working (see this readme), but some parts are missing or not tested. Contributions are welcome.
classifier classification categorization text-classification natural-lanaguage-understanding machine-learning multi-label multilabel multi-class multiclass online-learning naive-bayes winnow perceptron svm linear-svm binary-relevance one-vs-all汉语言处理包
nlp natural-language-processing hanlp crf hmm trie textrank doublearraytrie neural-network chinese-word-segmentation text-mining pos-tagging dependency-parser text-classification word2vec perceptron named-entity-recognition text-clusteringThis repository contains implementations of basic machine learning algorithms in plain Python (Python Version 3.6+). All algorithms are implemented from scratch without using additional machine learning libraries. The intention of these notebooks is to provide a basic understanding of the algorithms and their underlying structure, not to provide the most efficient implementations. After several requests I started preparing notebooks on how to preprocess datasets for machine learning. Within the next months I will add one notebook for each kind of dataset (text, images, ...). As before, the intention of these notebooks is to provide a basic understanding of the preprocessing steps, not to provide the most efficient implementations.
machine-learning logistic-regression ipynb machine-learning-algorithms linear-regression perceptron python-implementations kmeans algorithm python3 neural-network k-nearest-neighbours k-nearest-neighbor k-nn neural-networksSynaptic is a javascript neural network library for node.js and the browser, its generalized algorithm is architecture-free, so you can build and train basically any type of first order or even second order neural network architectures. This library includes a few built-in architectures like multilayer perceptrons, multilayer long-short term memory networks (LSTM), liquid state machines or Hopfield networks, and a trainer capable of training any given network, which includes built-in training tasks/tests like solving an XOR, completing a Distracted Sequence Recall task or an Embedded Reber Grammar test, so you can easily test and compare the performance of different architectures.
neural-network machine-learning long-short-term-memory perceptron architecture-freeThe library's full documentation can be found here. Be sure to lint & pass the unit tests before submitting your pull request.
natural-language-processing machine-learning fuzzy-matching clustering record-linkage bayes bloom-filter canberra caverphone chebyshev cologne cosine classifier daitch-mokotoff dice fingerprint fuzzy hamming k-means jaccard jaro lancaster levenshtein lig metaphone mra ngrams nlp nysiis perceptron phonetic porter punkt schinke sorensen soundex stats tfidf tokenizer tversky vectorizer winklerThis is an implementation of the perceptron learning algorithm for node.js. The perceptron starts with random weights if you don't provide any defaults. Weights are adjusted according to the delta rule each time you call train and the current weights give the wrong answer. Since this adjustment can cause the perceptron to 'unlearn' previously learned inputs, retrain iterates over all previous inputs, calling train again. Both train and retrain return a boolean success value, indicating if the input(s) were learned.
machine-learning perceptronThis is a demonstration of training a perceptron to categorize entities between friendly or not according to 2 features, teeth and size. And then install dependencies.
vuejs perceptron machine-learning svg webpackThis is a demonstration of evolving a neural network thanks to genetics algorithms in the browser using a multilayer perceptron (150-15-15-1). The initial population contains 36 individuals, each assigned a different genome. They will fight following a round-robin tournament. At the end the top 7 are kept alive, and the remaining 29 are created by breeding from the 7.
neural-network genetic-algorithm machine-learning neural synaptic perceptron neurralnetwork( Development is current suspended ). Models are acted upon by the perceive or predict functions. These functions currently do the same thing, the wording is indicative of the nature of the result, and the action the model has taken on the data.
machine learning ml classifier clustering bayes k-means logistic regression perceptron neural netA collection of machine learning algorithms for online linear classification written in Common Lisp. cl-online-learning is available from Quicklisp.
common-lisp machine-learning perceptron classifieralgorithm for study: multi-layer-perceptron, cluster-graph, cnn, rnn, restricted boltzmann machine, bayesian network
course algorithm clustering cplusplus graph cluster-computing multilayer-perceptron-network perceptron cnn clustering-graph study restricted-boltzmann-machine bayesian-networkTensorbag is a collection of tensorflow tutorial on different Deep Learning and Machine Learning algorithms. The tutorials are organised as jupyter notebooks and require tensorflow >= 1.5. There is a subset of notebooks identified with the tag [quiz] that directly ask to the reader to complete part of the code. In the same folder there is always a complementary notebook with the complete solution.
cifar-10 generative-adversarial-networks mnist lenet-5 convolutional-neural-networks resnet-18 notebook deep-learning tensorflow resnet tfrecord-format cifar-100 tensorflow-tutorials kmeans-clustering perceptron autoencoder tutorialThere are six snippets of code that made deep learning what it is today. Coding the History of Deep Learning on Floydhub' s blog covers the inventors and the background to their breakthroughs. In this repo, you can find all the code samples from the story.
deep-learning linear-regression mnist perceptron least-squares gradient-descent backpropagation2017-08-08: Introduced multi layer perceptron network definition with parametric number of hidden layer and neurons. Back propagation algorithm with different transfer function actived - I wanna thank you dakk because I was truly inspired by your code. 2017-08-01: Introduced validation package and k-fold cross validation.
perceptron level-perceptron weights-estimated neural neural-network neural-networksSome time ago I decided to learn Go language and neural networks. So it's my variation of Neural Networks library. I tried to make library for programmers (not for mathematics). For now Varis is 0.1 version.
neural-network machine-learning perceptronThe simplest Perceptron you'll ever see. Ported directly from https://github.com/victorqribeiro/perceptron in JavaScript.
machine-learning learning-algorithm perceptron
We have large collection of open source products. Follow the tags from
Tag Cloud >>
Open source products are scattered around the web. Please provide information
about the open source projects you own / you use.
Add Projects.