Awesome Machine Learning links catalog repository.
- Machine Learning From Scratch : Python implementations of some of the fundamental Machine Learning models and algorithms from scratch.
- Machine-Learning-Numpy clear NumPy, full list of impl.
- Deep learning samples: NN, LSTM, etc
- nn-from-scratch
- tf-rnn
- cnn-text-classification-tf (TF) + CNN_sentence (NumPy)++
- Dual LSTM Encoder for Dialog Response Generation chatbot-retrieval
- deeplearning-papernotes
- startupreadings
- NLP utils collection + bot + text-generation: NLP (CBoW + skip-gram)
- NLPTools for text processing and other tools
- deepnet
- practical-machine-learning-with-python code to book
- ML-from-Basics(++)
- ML-DL-implementation(++) + original fork implementation of ML and DL algorithms from scratch in python using nothing but numpy.
- Convolutional Neural Networks From Scratch on Python
- Text-Generation-BiLSTM-PyTorch
- Text-Classification-LSTMs-PyTorch
- Text-Classification-CNN-PyTorch
- text-generator
Bloomberg C++ repository board
Source for AI-For-Beginners
- text_convnet(nbow)+
- nbow-code has been re-factored and integrated into the new repo: sentiment analysis+
- word2vec c++ impl from T.Mikolov
- word2vec-from-scratch-with-python
- word2vecpy
- tensorflow_word2vec_cbow_basic.py from www.tensorflow.org/versions/r0.10
- CBoW, part-1
- CBoW, part-2 (nlp-starter-logsoftmax-nlloss-cross-entropy)
- MiniWord2Vec based on NumPy
- pytorch-continuous-bag-of-words, layer-to-layer.
- cross_entropy_py tutorial
- tensorflow-word2vec-cbow-basic
- cbow-demo based on PyTorch
- ANN pure NumPy from scratch, step-by-step.
- Image combiner + NN implementation from scratch
- ConvNet-JS by Andrej Karpathy
- LSTM_from_scratch
- LSTM_py2numpy_code_vectorization
- multilayer-LSTM-with-numpy
- LSTM-DLNN2020
- LSTM-RNN-in-numpy
- lstm_gru_forward_numpy
- LSTM-NumPy-3
- RNN-LSTM-with-numpy
- rnn_lstm_numpy
- LSTM-in-numpy-gen-Java
- LSTM-numpy-2
- LSTM-Numpy
- LSTM_numpy
- Numpy-LSTM-1
- LSTM-Numpy-CIFG
- Numpy-LSTM
- LSTM_using_numpy
- RNN-LSTM-in-numpy
- 3d-reconstruction (part-1)
- 3d-point-cloud-processing (part-2)
- ImageBasedModellingEdu
- MVE framework, rudimentary Python bindings are available here
- MVE wiki
- attention_keras
- StackoverFlow-Tag-Predictor
- Human-Activity-Recognition
- Naive-Bays-Implemenation
- K-Nearest-Neighbor-Implementaion
- K-Means
- Document-Scanner
- GLoVe-Implementation
- Logistic-Regression-with-Advanced-Optimizers
- TensorFlow-2.0-Question-Answering
- Machine-Translation-using-Attention-Networks
- Machine-Translation-using-encoder-decoder
- Image-Caption-Generation
- Text-Summarization