Skip to content

Latest commit

 

History

History
executable file
·
215 lines (156 loc) · 17.2 KB

AI.md

File metadata and controls

executable file
·
215 lines (156 loc) · 17.2 KB

AI :: Artificial Intelligence, Cognitive Science, Machine Learning {(Un)Supervised/RL}, Neural, NLP...


AI

  • simpleai :: Simple artificial intelligence utilities.

DATA SCIENCE

  • engarde :: A library for defensive data analysis.
  • gqn-datasets :: Datasets used to train Generative Query Networks (GQNs) in the ‘Neural Scene Representation and Rendering’ paper.
  • python-seminar :: Python Computing for Data Science.
Resources

MACHINE LEARNING

  • ConfidenceWeighted :: Confidence weighted classifier.
  • Faceless :: A port of ICAAM library by Luca Vezzaro to Python for Face Tracking based on Active Appearance Models.
  • featureforge :: A set of tools for creating and testing machine learning features, with a scikit-learn compatible API.
  • Foxhound :: Scikit-learn inspired library for gpu-accelerated machine learning.
  • fuel :: A data pipeline framework for machine learning.
  • hips-lib :: Library of common tools for machine learning research.
  • MachineLearning :: Materials for the Wednesday Afternoon Machine Learning workshop.
  • Machine Learning Video Library.
  • Masque :: Experiments on Deep Learning and Emotion Classification.
  • MILK :: Machine Learning Toolkit.
  • MLOSS.org
  • MLTRP :: Machine Learning and the Traveling Repairman Problem.
  • Morris_counter is a Probabilistic Morris Counter (counts 2^n using e.g. just a byte).
  • MLTP :: ML Timeseries Platform.
  • ProFET :: Protein Feature Engineering Toolkit for Machine Learning.
  • pyHANSO :: Python Implementation of Michael Overton's HANSO (Hybrid Algorithm for Non-Smooth Optimization).
  • pyklsh :: Python implementation of Kernelized Locality Sensitive Hashing
  • PyML is an interactive object oriented framework for machine learning written in Python, with support for classification and regression, including Support Vector Machines (SVM), feature selection, model selection, syntax for combining classifiers and methods for assessing classifier performance.
  • Rambutan :: A python wrapper for caffe which aims at providing a simple, pythonic, interface for users so that users can define, train, and evaluate deep models in only a few lines of code. It requires that caffe and pycaffe are both built properly.
  • RAMP :: Rapid Machine Learning Prototyping in Python.
  • python-recsys :: A python library for implementing a recommender system.
  • Sixpack :: a language-agnostic a/b-testing framework. Documentation
  • TPOT :: A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming. A blog post explaining the same: http://www.randalolson.com/2016/05/08/tpot-a-python-tool-for-automating-data-science/
  • PyCM :: PyCM is a multi-class confusion matrix library written in Python that supports both input data vectors and direct matrix, and a proper tool for post-classification model evaluation that supports most classes and overall statistics parameters. PyCM is the swiss-army knife of confusion matrices, targeted mainly at data scientists that need a broad array of metrics for predictive models and an accurate evaluation of large variety of classifiers.
Resources
Resources

Classification Algorithms

Resources

Naive Bayes

Graph Theory

Resources

NLP

  • Broca :: Various useful NLP algos and utilities for rapid NLP prototyping.
  • commonast :: A common AST description for Python.
  • Fairseq :: A sequence modeling toolkit that allows researchers and developers to train custom models for translation, summarization, language modeling and other text generation tasks.
  • Gensim is a Python library for topic modelling, document indexing and similarity retrieval with large corpora for natural language processing (NLP) and information retrieval (IR). Source Code.
  • Geiger :: An automated system for grouping similar comments and then identifying the best representative from each group.
  • Glove-python :: Toy Python implementation of http://www-nlp.stanford.edu/projects/glove/
  • IEPY :: An open source tool for Information Extraction focused on Relation Extraction.
  • JPKyteaTokenizer :: A Japanese tokenizer with KyTea for nltk.
  • Mykytea-python :: Python wrapper for KyTea.
  • NLTK :: Natural Language ToolKit to manipulate human language data. Source Code
  • nupic.fluent :: A platform for building language / NLP-based applications using NuPIC and CEPT.
  • Quepy :: A python framework to transform natural language questions to queries in a database query language.
  • PLY :: Python Lex-Yacc. http://www.dabeaz.com/ply/index.html
  • SAMR :: An entry to kaggle's 'Sentiment Analysis on Movie Reviews' competition.
  • Suggester :: The heart for full-text auto-complete web services.
  • TextGridTools :: Read, write, and manipulate Praat TextGrid files with Python.
  • txtai:: builds an AI-powered index over sections of text & supports building text indices to perform similarity searches and create extractive question-answering based systems.
  • word_cloud :: A little word cloud generator in Python.

Screen Reading

  • wordgraph :: This project supports creating English-language text from a graph description for those doing screen reading for vision-impaired people, or just people who like to listen to graphs while jogging, or just to get a handle on what's going on.
  • Resources
    • STT with HMM :: Single Speaker Speech Recognition with Hidden Markov Models.

Speech Recognition

Resources

  • bsuite :: A collection of carefully-designed experiments that investigate core capabilities of a reinforcement learning (RL) agent.
  • Tensortrade :: An open source reinforcement learning framework for training, evaluating, and deploying robust trading agents.

  • tensor2tensor :: Tensor2Tensor (T2T) Transformers is a modular and extensible library and binaries for supervised learning with TensorFlow and with support for sequence tasks. It is actively used and maintained by researchers and engineers within the Google Brain team.
Resources

Neural Networks

  • BinaryConnect :: Training Deep Neural Networks with binary weights during propagations.
  • BinaryNet :: Training Deep Neural Networks with Weights and Activations Constrained to +1 or -1.
  • NAMAS :: Neural Attention Model for Abstractive Summarization.
  • SparkNet :: Distributed Neural Networks for Spark.
  • pylearn2 : A Machine Learning library based on Theano.
  • Tensorflow :: Open source software library for numerical computation using data flow graphs. Source code on GH.
    • models :: Models built with TensorFlow.
    • Resources: TensorFlow-Tutorials :: Simple tutorials using Google's TensorFlow Framework.
  • theano-nlp :: Tools and datasets for NLP in Theano.

Pre-Trained Models

  • Spiral :: A pre-trained model for unconditional 19-step generation of CelebA-HQ images.
Resources