Awesome List Updates on Nov 01, 2017
6 awesome lists updated today.
🏠 Home · 🔍 Search · 🔥 Feed · 📮 Subscribe · ❤️ Sponsor
1. Awesome Hacking Locations
Ground Support Cafe
Great spot in Soho for getting things done and feeling like you belong with the cool soho crowd
Webpage: http://www.groundsupportcafe.com/
Wifi | Power | Coffee | Address | Open Hours |
---|---|---|---|---|
open, password on wall | ✔ | ✔ | 399 W Broadway, New York, NY 10013 | Open Weekdays 7am - 8pm Weekends 8am - 8pm |
2. Awesome Android
Android Services
- Remoter (⭐65) - An alternative to Android AIDL for Android Remote IPC services using plain java interfaces.
- Service Connector (⭐12) - Bind Android services and callbacks to fields and methods.
3. Mind Expanding Books
Politics
Name: The New Jim Crow: Mass Incarceration in the Age of Colorblindness
Author: Michelle Alexander
Goodreads Rating: 4.49
Year Published: 2010
Gender
Name: Delusions of Gender: How Our Minds, Society, and Neurosexism Create Difference
Author: Cordelia Fine
Goodreads Rating: 4.15
Year Published: 2010
4. Sublime Bookmarks
Fun stuff / Color Schemes
- Themer - tool for generating color schemes (and matching themes for your other development tools, including wallpaper) from your favorite colors.
5. Computer Science
Congratulations / Advanced math
- Pay attention to emerging technologies in the world of software development:
- Explore the actor model through Elixir, a new functional programming language for the web based on the battle-tested Erlang Virtual Machine!
- Explore borrowing and lifetimes through Rust, a systems language which achieves memory- and thread-safety without a garbage collector!
- Explore dependent type systems through Idris, a new Haskell-inspired language with unprecedented support for type-driven development.
6. Awesome Machine Learning
C / Computer Vision
- CCV (⭐7.1k) - C-based/Cached/Core Computer Vision Library, A Modern Computer Vision Library.
C++ / General-Purpose Machine Learning
- DLib - A suite of ML tools designed to be easy to imbed in other applications.
- Stan - A probabilistic programming language implementing full Bayesian statistical inference with Hamiltonian Monte Carlo sampling.
Python / General-Purpose Machine Learning
- Shogun (⭐3k) - The Shogun Machine Learning Toolbox.
- XGBoost (⭐26k) - Python bindings for eXtreme Gradient Boosting (Tree) Library.
- Bayesian Methods for Hackers (⭐27k) - Book/iPython notebooks on Probabilistic Programming in Python.
- Featureforge (⭐381) A set of tools for creating and testing machine learning features, with a scikit-learn compatible API.
- thinking bayes (⭐1.6k) - Book on Bayesian Analysis.
- nilearn (⭐1.2k) - Machine learning for NeuroImaging in Python.
- Theano (⭐9.9k) - Optimizing GPU-meta-programming code generating array oriented optimizing math compiler in Python.
- TensorFlow (⭐185k) - Open source software library for numerical computation using data flow graphs.
- Neural Networks and Deep Learning (⭐16k) - Code samples for my book "Neural Networks and Deep Learning" [DEEP LEARNING].
- Annoy (⭐13k) - Approximate nearest neighbours implementation.
- skbayes (⭐511) - Python package for Bayesian Machine Learning with scikit-learn API.
- Xcessiv (⭐1.3k) - A web-based application for quick, scalable, and automated hyperparameter tuning and stacked ensembling.
C++ / Natural Language Processing
- BLLIP Parser (⭐227) - BLLIP Natural Language Parser (also known as the Charniak-Johnson parser).
Common Lisp / General-Purpose Machine Learning
- cl-online-learning (⭐50) - Online learning algorithms (Perceptron, AROW, SCW, Logistic Regression).
- cl-random-forest (⭐59) - Implementation of Random Forest in Common Lisp.
Clojure / Natural Language Processing
- Clojure-openNLP (⭐751) - Natural Language Processing in Clojure (opennlp).
- Infections-clj (⭐215) - Rails-like inflection library for Clojure and ClojureScript.
Clojure / Data Visualization
- Envision (⭐78) - Clojure Data Visualisation library, based on Statistiker and D3.
Go / General-Purpose Machine Learning
- gobrain (⭐556) - Neural Networks written in Go.
Java / General-Purpose Machine Learning
- Datumbox (⭐1.1k) - Machine Learning framework for rapid development of Machine Learning and Statistical applications.
- htm.java (⭐309) - General Machine Learning library using Numenta’s Cortical Learning Algorithm.
- Mahout (⭐2.1k) - Distributed machine learning.
- rapaio (⭐69) - statistics, data mining and machine learning toolbox in Java.
- RapidMiner - RapidMiner integration into Java code.
Java / Data Analysis / Data Visualization
- Impala (⭐31) - Real-time Query for Hadoop.
Java / Deep Learning
- Deeplearning4j (⭐14k) - Scalable deep learning for industry with parallel GPUs.
JavaScript / Natural Language Processing
- Twitter-text (⭐3.1k) - A JavaScript implementation of Twitter's text processing library.
- natural (⭐11k) - General natural language facilities for node.
- Knwl.js (⭐5.3k) - A Natural Language Processor in JS.
JavaScript / General-Purpose Machine Learning
- figue - K-means, fuzzy c-means and agglomerative clustering.
- Gaussian Mixture Model (⭐26) - Unsupervised machine learning with multivariate Gaussian mixture model.
- mil-tokyo - List of several machine learning libraries.
- Synaptic (⭐6.9k) - Architecture-free neural network library for Node.js and the browser.
- kNear (⭐48) - JavaScript implementation of the k nearest neighbors algorithm for supervised learning.
- Pavlov.js (⭐499) - Reinforcement learning using Markov Decision Processes.
Julia / General-Purpose Machine Learning
- MLBase (⭐186) - A set of functions to support the development of machine learning algorithms.
- DA (⭐9) - Julia package for Regularized Discriminant Analysis.
- Mixed Models (⭐402) - A Julia package for fitting (statistical) mixed-effects models.
- Decision Tree (⭐8) - Decision Tree Classifier and Regressor.
- Neural (⭐47) - A neural network in Julia.
- Mamba (⭐254) - Markov chain Monte Carlo (MCMC) for Bayesian analysis in Julia.
- GLM (⭐584) - Generalized linear models in Julia.
- Gaussian Processes (⭐308) - Julia package for Gaussian processes.
- GLMNet (⭐96) - Julia wrapper for fitting Lasso/ElasticNet GLM models using glmnet.
- Kernel Density (⭐176) - Kernel density estimators for Julia.
- NMF (⭐90) - A Julia package for non-negative matrix factorization.
- XGBoost (⭐289) - eXtreme Gradient Boosting Package in Julia.
- ManifoldLearning (⭐92) - A Julia package for manifold learning and nonlinear dimensionality reduction.
- Merlin (⭐144) - Flexible Deep Learning Framework in Julia.
- ROCAnalysis (⭐30) - Receiver Operating Characteristics and functions for evaluation probabilistic binary classifiers.
- GaussianMixtures (⭐96) - Large scale Gaussian Mixture Models.
- ScikitLearn (⭐547) - Julia implementation of the scikit-learn API.
- Knet (⭐1.4k) - Koç University Deep Learning Framework.
Julia / Data Analysis / Data Visualization
- Graph Layout (⭐45) - Graph layout algorithms in pure Julia.
- LightGraphs (⭐669) - Graph modelling and analysis.
- Hypothesis Tests (⭐293) - Hypothesis tests for Julia.
- RDataSets (⭐158) - Julia package for loading many of the data sets available in R.
- Time Series (⭐348) - Time series toolkit for Julia.
- Sampling (⭐1) - Basic sampling algorithms for Julia.
Julia / Misc Stuff / Presentations
- JuliaCon Presentations (⭐69) - Presentations for JuliaCon.
- Images (⭐527) - An image library for Julia.
Lua / Demos and Scripts
- Atari2600 (⭐18) - Scripts to generate a dataset with static frames from the Arcade Learning Environment.
Matlab / Computer Vision
- Bandlets - MATLAB code for bandlet transform.
Matlab / General-Purpose Machine Learning
- Training a deep autoencoder or a classifier on MNIST digits - Training a deep autoencoder or a classifier on MNIST digits[DEEP LEARNING].
Python / Natural Language Processing
- Quepy (⭐1.3k) - A python framework to transform natural language questions to queries in a database query language.
- python-ucto (⭐29) - Python binding to ucto (a unicode-aware rule-based tokenizer for various languages).
- Fuzzy Wuzzy (⭐9.2k) - Fuzzy String Matching in Python.
- textacy (⭐2.2k) - higher-level NLP built on Spacy.
- CLTK (⭐825) - The Classical Language Toolkit.
- yase (⭐13) - Transcode sentence (or other sequence) to list of word vector .
- Polyglot (⭐2.3k) - Multilingual text (NLP) processing toolkit.
- DrQA (⭐4.5k) - Reading Wikipedia to answer open-domain questions.
Python / Data Analysis / Data Visualization
- vispy (⭐3.3k) - GPU-based high-performance interactive OpenGL 2D/3D data visualization library.
- SparklingPandas (⭐364) Pandas on PySpark (POPS).
- bqplot (⭐3.6k) - An API for plotting in Jupyter (IPython).
Python / Misc Scripts / iPython Notebooks / Codebases
- Diffusion Segmentation (⭐2) - A collection of image segmentation algorithms based on diffusion methods.
- Scipy Tutorials (⭐2) - SciPy tutorials. This is outdated, check out scipy-lecture-notes.
- Crab (⭐87) - A recommendation engine library for Python.
- BayesPy (⭐107) - Bayesian Inference Tools in Python.
- scikit-learn tutorials (⭐127) - Series of notebooks for learning scikit-learn.
- group-lasso (⭐39) - Some experiments with the coordinate descent algorithm used in the (Sparse) Group Lasso model.
- mne-python-notebooks (⭐25) - IPython notebooks for EEG/MEG data processing using mne-python.
- Neon Course (⭐93) - IPython notebooks for a complete course around understanding Nervana's Neon.
- pandas cookbook (⭐6.6k) - Recipes for using Python's pandas library.
- climin (⭐179) - Optimization library focused on machine learning, pythonic implementations of gradient descent, LBFGS, rmsprop, adadelta and others.
Python / Kaggle Competition Source Code
- wiki challenge (⭐11) - An implementation of Dell Zhang's solution to Wikipedia's Participation Challenge on Kaggle.
- kaggle insults (⭐150) - Kaggle Submission for "Detecting Insults in Social Commentary".
- kaggle_acquire-valued-shoppers-challenge (⭐66) - Code for the Kaggle acquire valued shoppers challenge.
- kaggle-cifar (⭐44) - Code for the CIFAR-10 competition at Kaggle, uses cuda-convnet.
- kaggle-blackbox (⭐115) - Deep learning made easy.
- kaggle-accelerometer (⭐15) - Code for Accelerometer Biometric Competition at Kaggle.
- kaggle-advertised-salaries (⭐55) - Predicting job salaries from ads - a Kaggle competition.
- kaggle amazon (⭐25) - Amazon access control challenge.
- kaggle-bestbuy_big (⭐8) - Code for the Best Buy competition at Kaggle.
- Kaggle Dogs vs. Cats (⭐66) - Code for Kaggle Dogs vs. Cats competition.
- Kaggle Galaxy Challenge (⭐492) - Winning solution for the Galaxy Challenge on Kaggle.
- Kaggle Gender (⭐21) - A Kaggle competition: discriminate gender based on handwriting.
- Kaggle Merck (⭐10) - Merck challenge at Kaggle.
- Kaggle Stackoverflow (⭐46) - Predicting closed questions on Stack Overflow.
- wine-quality (⭐25) - Predicting wine quality.
Ruby / Natural Language Processing
- UEA Stemmer (⭐53) - Ruby port of UEALite Stemmer - a conservative stemmer for search and indexing.
Ruby / General-Purpose Machine Learning
- Awesome Machine Learning with Ruby (⭐2.1k) - Curated list of ML related resources for Ruby.
- rb-libsvm (⭐278) - Ruby language bindings for LIBSVM which is a Library for Support Vector Machines.
Ruby / Data Analysis / Data Visualization
- rsruby (⭐332) - Ruby - R bridge.
R / General-Purpose Machine Learning
- biglasso - biglasso: Extending Lasso Model Fitting to Big Data in R.
- XGBoost.R (⭐571) - R binding for eXtreme Gradient Boosting (Tree) Library.
Scala / Data Analysis / Data Visualization
- Scalding (⭐3.5k) - A Scala API for Cascading.
- Summing Bird (⭐2.1k) - Streaming MapReduce with Scalding and Storm.
- Algebird (⭐2.3k) - Abstract Algebra for Scala.
Scala / General-Purpose Machine Learning
- Conjecture (⭐359) - Scalable Machine Learning in Scalding.
- brushfire (⭐391) - Distributed decision tree ensemble learning in Scala.
- DynaML (⭐200) - Scala Library/REPL for Machine Learning Research.
Swift / General-Purpose Machine Learning
- Swift Brain (⭐334) - The first neural network / machine learning library written in Swift. This is a project for AI algorithms in Swift for iOS and OS X development. This project includes algorithms focused on Bayes theorem, neural networks, SVMs, Matrices, etc...
TensorFlow / General-Purpose Machine Learning
- Awesome TensorFlow (⭐17k) - A list of all things related to TensorFlow.
- Prev: Nov 02, 2017
- Next: Oct 31, 2017