Awesome
Machine Learning for iOS
Last Update: January 12, 2018.
Curated list of resources for iOS developers in following topics:
- Core ML
- Machine Learning Libraries
- Deep Learning Libraries
- Computer Vision
- Natural Language Processing
- Speech Recognition (TTS) and Generation (STT)
- Text Recognition (OCR)
- Other AI
- Machine Learning Web APIs
- Opensource ML Applications
- Game AI
- Other related staff
- iOS ML Blogs
- Mobile ML books
- GPU Computing Blogs
- Learn Machine Learning
- Other Lists
Most of the de-facto standard tools in AI-related domains are written in iOS-unfriendly languages (Python/Java/R/Matlab) so finding something appropriate for your iOS application may be a challenging task.
This list consists mainly of libraries written in Objective-C, Swift, C, C++, JavaScript and some other languages that can be easily ported to iOS. Also, I included links to some relevant web APIs, blog posts, videos and learning materials.
Resources are sorted alphabetically or randomly. The order doesn't reflect my personal preferences or anything else. Some of the resources are awesome, some are great, some are fun, and some can serve as an inspiration.
Have fun!
Pull-requests are welcome here.
<a name="coreml"/>Core ML
- coremltools is a Python package. It contains converters from some popular machine learning libraries to the Apple format.
- Core ML is an Apple framework to run inference on device. It is highly optimized to Apple hardware.
Currently CoreML is compatible (partially) with the following machine learning packages via coremltools python package:
Third-party converters to CoreML format are also available for some models from:
There are many curated lists of pre-trained neural networks in Core ML format: [1], [2], [3].
Core ML currently doesn't support training models, but still, you can replace model by downloading a new one from a server in runtime. Here is a demo of how to do it. It uses generator part of MNIST GAN as Core ML model.
<a name="gpmll"/>General-Purpose Machine Learning Libraries
<p></p> <table rules="groups"> <thead> <tr> <th style="text-align: center">Library</th> <th style="text-align: center">Algorithms</th> <th style="text-align: center">Language</th> <th style="text-align: center">License</th> <th style="text-align: center">Code</th> <th style="text-align: center">Dependency manager</th> </tr> </thead> <tr> <td style="text-align: center"><a href="https://github.com/KevinCoble/AIToolbox">AIToolbox</a></td> <td> <ul> <li>Graphs/Trees</li> <ul> <li>Depth-first search</li> <li>Breadth-first search</li> <li>Hill-climb search</li> <li>Beam Search</li> <li>Optimal Path search</li> </ul> <li>Alpha-Beta (game tree)</li> <li>Genetic Algorithms</li> <li>Constraint Propogation</li> <li>Linear Regression</li> <li>Non-Linear Regression</li> <ul> <li>parameter-delta</li> <li>Gradient-Descent</li> <li>Gauss-Newton</li> </ul> <li>Logistic Regression</li> <li>Neural Networks</li> <ul> <li>multiple layers, several non-linearity models</li> <li>on-line and batch training</li> <li>feed-forward or simple recurrent layers can be mixed in one network</li> <li>LSTM network layer implemented - needs more testing</li> <li>gradient check routines</li> </ul> <li>Support Vector Machine</li> <li>K-Means</li> <li>Principal Component Analysis</li> <li>Markov Decision Process</li> <ul> <li>Monte-Carlo (every-visit, and first-visit)</li> <li>SARSA</li> </ul> <li>Single and Multivariate Gaussians</li> <li>Mixture Of Gaussians</li> <li>Model validation</li> <li>Deep Network</li> <ul> <li>Convolution layers</li> <li>Pooling layers</li> <li>Fully-connected NN layers</li> </ul> </ul> </td> <td>Swift</td> <td>Apache 2.0</td> <td><p><a href="https://github.com/KevinCoble/AIToolbox">GitHub</a></p></td> <td> </td> </tr> <tr> <td style="text-align: center"> <a href="http://dlib.net/"> <img src="http://dlib.net/dlib-logo.png" width="100" > <br>dlib</a> </td> <td> <ul> <li>Deep Learning</li> <li>Support Vector Machines</li> <li>Reduced-rank methods for large-scale classification and regression</li> <li>Relevance vector machines for classification and regression</li> <li>A Multiclass SVM</li> <li>Structural SVM</li> <li>A large-scale SVM-Rank</li> <li>An online kernel RLS regression</li> <li>An online SVM classification algorithm</li> <li>Semidefinite Metric Learning</li> <li>An online kernelized centroid estimator/novelty detector and offline support vector one-class classification</li> <li>Clustering algorithms: linear or kernel k-means, Chinese Whispers, and Newman clustering</li> <li>Radial Basis Function Networks</li> <li>Multi layer perceptrons</li> </ul> </td> <td>C++</td> <td>Boost</td> <td><a href="https://github.com/davisking/dlib">GitHub</a></td> <td></td> </tr> <tr> <td style="text-align: center"><a href="http://leenissen.dk/fann/wp/">FANN</a></td> <td> <ul> <li>Multilayer Artificial Neural Network</li> <li>Backpropagation (RPROP, Quickprop, Batch, Incremental)</li> <li>Evolving topology training</li> </ul> </td> <td>C++</td> <td>GNU LGPL 2.1</td> <td><a href="https://github.com/libfann/fann">GitHub</a></td> <td><a href="https://cocoapods.org/pods/FANN">Cocoa Pods</a></td> </tr> <tr> <td style="text-align: center"><a href="https://github.com/lemire/lbimproved">lbimproved</a></td> <td>k-nearest neighbors and Dynamic Time Warping</td> <td>C++</td> <td>Apache 2.0</td> <td><a href="https://github.com/lemire/lbimproved">GitHub</a> </td> <td> </td> </tr> <tr> <td style="text-align: center"><a href="https://github.com/gianlucabertani/MAChineLearning">MAChineLearning</a></td> <td> <ul> <li>Neural Networks</li> <ul> <li>Activation functions: Linear, ReLU, Step, sigmoid, TanH</li> <li>Cost functions: Squared error, Cross entropy</li> <li>Backpropagation: Standard, Resilient (a.k.a. RPROP).</li> <li>Training by sample or by batch.</li> </ul> <li>Bag of Words</li> <li>Word Vectors</li> </ul> </td> <td>Objective-C</td> <td>BSD 3-clause</td> <td><a href="https://github.com/gianlucabertani/MAChineLearning">GitHub</a> </td> <td> </td> </tr> <tr> <td style="text-align: center"><a href="https://github.com/Somnibyte/MLKit"><img width="100" src="https://github.com/Somnibyte/MLKit/raw/master/MLKitSmallerLogo.png"><br>MLKit</a></td> <td> <ul> <li>Linear Regression: simple, ridge, polynomial</li> <li>Multi-Layer Perceptron, & Adaline ANN Architectures</li> <li>K-Means Clustering</li> <li>Genetic Algorithms</li> </ul> </td> <td>Swift</td> <td>MIT</td> <td><a href="https://github.com/Somnibyte/MLKit">GitHub</a></td> <td><a href="https://cocoapods.org/pods/MachineLearningKit">Cocoa Pods</a></td> </tr> <tr> <td style="text-align: center"><a href="https://github.com/saniul/Mendel"><img width="100" src="https://github.com/saniul/Mendel/raw/master/logo@2x.png"><br>Mendel</a></td> <td>Evolutionary/genetic algorithms</td> <td>Swift</td> <td>?</td> <td><a href="https://github.com/saniul/Mendel">GitHub</a></td> <td></td> </tr> <tr> <td style="text-align: center"><a href="https://github.com/vincentherrmann/multilinear-math">multilinear-math</a></td> <td> <ul> <li>Linear algebra and tensors</li> <li>Principal component analysis</li> <li>Multilinear subspace learning algorithms for dimensionality reduction</li> <li>Linear and logistic regression</li> <li>Stochastic gradient descent</li> <li>Feedforward neural networks</li> <ul> <li>Sigmoid</li> <li>ReLU</li> <li>Softplus activation functions</li> </ul> </ul> </td> <td>Swift</td> <td>Apache 2.0</td> <td><a href="https://github.com/vincentherrmann/multilinear-math">GitHub</a> </td> <td>Swift Package Manager</td> </tr> <tr> <td style="text-align: center"><a href="http://opencv.org/"><img width="100" src="http://opencv.org/assets/theme/logo.png">OpenCV</a></td> <td> <ul> <li>Multi-Layer Perceptrons</li> <li>Boosted tree classifier</li> <li>decision tree</li> <li>Expectation Maximization</li> <li>K-Nearest Neighbors</li> <li>Logistic Regression</li> <li>Bayes classifier</li> <li>Random forest</li> <li>Support Vector Machines</li> <li>Stochastic Gradient Descent SVM classifier</li> <li>Grid search</li> <li>Hierarchical k-means</li> <li>Deep neural networks</li> </ul> </td> <td>C++</td> <td>3-clause BSD</td> <td><a href="https://github.com/opencv">GitHub</a> </td> <td> <a href="https://cocoapods.org/pods/OpenCV">Cocoa Pods</a></td> </tr> <tr> <td style="text-align: center"><a href="http://image.diku.dk/shark/sphinx_pages/build/html/index.html"><img width="100" src="http://image.diku.dk/shark/sphinx_pages/build/html/_static/SharkLogo.png"><br>Shark</a></td> <td> <ul> <li><b>Supervised:</b> </li> <ul> <li>Linear discriminant analysis (LDA)</li> <li>Fisher–LDA</li> <li>Linear regression</li> <li>SVMs</li> <li>FF NN</li> <li>RNN</li> <li>Radial basis function networks</li> <li>Regularization networks</li> <li>Gaussian processes for regression</li> <li>Iterative nearest neighbor classification and regression</li> <li>Decision trees</li> <li>Random forest</li> </ul> <li><b>Unsupervised:</b> </li> <ul> <li>PCA</li> <li>Restricted Boltzmann machines</li> <li>Hierarchical clustering</li> <li>Data structures for efficient distance-based clustering</li> </ul> <li><b>Optimization:</b> </li> <ul> <li>Evolutionary algorithms</li> <li>Single-objective optimization (e.g., CMA–ES)</li> <li>Multi-objective optimization</li> <li>Basic linear algebra and optimization algorithms</li> </ul> </ul> </td> <td>C++</td> <td>GNU LGPL</td> <td><a href="https://github.com/lemire/lbimproved">GitHub</a> </td> <td><a href="https://cocoapods.org/pods/Shark-SDK">Cocoa Pods</a></td> </tr> <tr> <td style="text-align: center"><a href="https://github.com/yconst/YCML"><img width="100" src="https://raw.githubusercontent.com/yconst/YCML/master/Logo.png"><br>YCML</a></td> <td> <ul> <li>Gradient Descent Backpropagation</li> <li>Resilient Backpropagation (RProp)</li> <li>Extreme Learning Machines (ELM)</li> <li>Forward Selection using Orthogonal Least Squares (for RBF Net), also with the PRESS statistic</li> <li>Binary Restricted Boltzmann Machines (CD & PCD)</li> <li><b>Optimization algorithms</b>: </li> <ul> <li>Gradient Descent (Single-Objective, Unconstrained)</li> <li>RProp Gradient Descent (Single-Objective, Unconstrained)</li> <li>NSGA-II (Multi-Objective, Constrained)</li> </ul> </ul> </td> <td>Objective-C</td> <td>GNU GPL 3.0</td> <td><a href="https://github.com/yconst/ycml/">GitHub</a> </td> <td> </td> </tr> <tr> <td style="text-align: center"><a href="https://github.com/Kalvar"><img width="100" src="https://avatars2.githubusercontent.com/u/1835631?v=4&s=460"><br>Kalvar Lin's libraries</a></td> <td> <ul> <li><a href="https://github.com/Kalvar/ios-KRHebbian-Algorithm">ios-KRHebbian-Algorithm</a> - <a href="https://en.wikipedia.org/wiki/Hebbian_theory">Hebbian Theory</a></li> <li><a href="https://github.com/Kalvar/ios-KRKmeans-Algorithm">ios-KRKmeans-Algorithm</a> - <a href="https://en.wikipedia.org/wiki/K-means_clustering">K-Means</a> clustering method.</li> <li><a href="https://github.com/Kalvar/ios-KRFuzzyCMeans-Algorithm">ios-KRFuzzyCMeans-Algorithm</a> - <a href="https://en.wikipedia.org/wiki/Fuzzy_clustering">Fuzzy C-Means</a>, the fuzzy clustering algorithm.</li> <li><a href="https://github.com/Kalvar/ios-KRGreyTheory">ios-KRGreyTheory</a> - <a href="http://citeseerx.ist.psu.edu/viewdoc/download?doi=10.1.1.678.3477&rep=rep1&type=pdf">Grey Theory</a> / <a href="http://www.mecha.ee.boun.edu.tr/Prof.%20Dr.%20Okyay%20Kaynak%20Publications/c%20Journal%20Papers(appearing%20in%20SCI%20or%20SCIE%20or%20CompuMath)/62.pdf">Grey system theory-based models in time series prediction</a></li> <li><a href="https://github.com/Kalvar/ios-KRSVM">ios-KRSVM</a> - Support Vector Machine and SMO.</li> <li><a href="https://github.com/Kalvar/ios-KRKNN">ios-KRKNN</a> - kNN implementation.</li> <li><a href="https://github.com/Kalvar/ios-KRRBFNN">ios-KRRBFNN</a> - Radial basis function neural network and OLS.</li> </ul> </td> <td>Objective-C</td> <td>MIT</td> <td><a href="https://github.com/Kalvar">GitHub</a></td> <td></td> </tr> </table>Multilayer perceptron implementations:
- Brain.js - JS
- SNNeuralNet - Objective-C port of brain.js
- MLPNeuralNet - Objective-C, Accelerate
- Swift-AI - Swift
- SwiftSimpleNeuralNetwork - Swift
- <a href="https://github.com/Kalvar/ios-BPN-NeuralNetwork">ios-BPN-NeuralNetwork</a> - Objective-C
- <a href="https://github.com/Kalvar/ios-Multi-Perceptron-NeuralNetwork">ios-Multi-Perceptron-NeuralNetwork</a>- Objective-C
- <a href="https://github.com/Kalvar/ios-KRDelta">ios-KRDelta</a> - Objective-C
- ios-KRPerceptron - Objective-C
<a name="dll"/>Deep Learning Libraries:
On-Device training and inference
- Birdbrain - RNNs and FF NNs on top of Metal and Accelerate. Not ready for production.
- BrainCore - simple but fast neural network framework written in Swift. It uses Metal framework to be as fast as possible. ReLU, LSTM, L2 ...
- Caffe - A deep learning framework developed with cleanliness, readability, and speed in mind. GitHub. [BSD]
- iOS port
- caffe-mobile - another iOS port.
- C++ examples: Classifying ImageNet, Extracting Features
- Caffe iOS sample
- Caffe2 - a cross-platform framework made with expression, speed, and modularity in mind.
- Convnet.js - ConvNetJS is a Javascript library for training Deep Learning models by Andrej Karpathy. GitHub
- ConvNetSwift - Swift port [work in progress].
- Deep Belief SDK - The SDK for Jetpac's iOS Deep Belief image recognition framework
- TensorFlow - an open source software library for numerical computation using data flow graphs. Nodes in the graph represent mathematical operations, while the graph edges represent the multidimensional data arrays (tensors) communicated between them. The flexible architecture allows you to deploy computation to one or more CPUs or GPUs in a desktop, server, or mobile device with a single API.
- iOS examples
- another example
- Perfect-TensorFlow - TensorFlow binding for Perfect (server-side Swift framework). Includes only C TF API.
- tiny-dnn - header only, dependency-free deep learning framework in C++11.
- Torch is a scientific computing framework with wide support for machine learning algorithms.
Deep Learning: Running pre-trained models on device
These libraries doesn't support training, so you need to pre-train models in some ML framework.
- Bender - Framework for building fast NNs. Supports TensorFlow models. It uses Metal under the hood.
- Core ML
- DeepLearningKit - Open Source Deep Learning Framework from Memkite for Apple's tvOS, iOS and OS X.
- Espresso - A minimal high performance parallel neural network framework running on iOS.
- Forge - A neural network toolkit for Metal.
- Keras.js - run Keras models in a web view.
- KSJNeuralNetwork - A Neural Network Inference Library Built atop BNNS and MPS
- MXNet - MXNet is a deep learning framework designed for both efficiency and flexibility.
- Quantized-CNN - compressed convolutional neural networks for Mobile Devices
- WebDNN - You can run deep learning model in a web view if you want. Three modes: WebGPU acceleration, WebAssembly acceleration and pure JS (on CPU). No training, inference only.
Deep Learning: Low-level routines libraries
- BNNS - Apple Basic neural network subroutines (BNNS) is a collection of functions that you use to implement and run neural networks, using previously obtained training data.
- BNNS usage examples in iOS 10 sampler.
- An example of a neural network trained by tensorflow and executed using BNNS
- MetalPerformanceShaders - CNNs on GPU from Apple.
- MetalCNNWeights - a Python script to convert Inception v3 for MPS.
- MPSCNNfeeder - Keras to MPS models conversion.
- NNPACK - Acceleration package for neural networks on multi-core CPUs. Prisma uses this library in the mobile app.
- STEM - Swift Tensor Engine for Machine-learning
<a name="dlmc"/>Deep Learning: Model Compression
- TensorFlow implementation of knowledge distilling method
- MobileNet-Caffe - Caffe Implementation of Google's MobileNets
- keras-surgeon - Pruning for trained Keras models.
<a name="cv"/>Computer Vision
- ccv - C-based/Cached/Core Computer Vision Library, A Modern Computer Vision Library
- OpenCV – Open Source Computer Vision Library. [BSD]
- OpenFace – a state-of-the art open source tool intended for facial landmark detection, head pose estimation, facial action unit recognition, and eye-gaze estimation.
- trackingjs – Object tracking in JS
- Vision is an Apple framework for computer vision.
<a name="nlp"/>Natural Language Processing
- CoreLinguistics - POS tagging (HMM), ngrams, Naive Bayes, IBM alignment models.
- GloVe Swift package. Vector words representations.
- NSLinguisticTagger
- Parsimmon
- Twitter text - An Objective-C implementation of Twitter's text processing library. The library includes methods for extracting user names, mentions headers, hashtags, and more – all the tweet specific language syntax you could ever want.
- Verbal expressions for Swift, like regexps for humans.
- Word2Vec - Original C implementation of Word2Vec Deep Learning algorithm. Works on iPhone like a charm.
<a name="tts"/>Speech Recognition (TTS) and Generation (STT)
- Kaldi-iOS framework - on-device speech recognition using deep learning.
- MVSpeechSynthesizer
- OpenEars™: free speech recognition and speech synthesis for the iPhone - OpenEars™ makes it simple for you to add offline speech recognition and synthesized speech/TTS to your iPhone app quickly and easily. It lets everyone get the great results of using advanced speech UI concepts like statistical language models and finite state grammars in their app, but with no more effort than creating an NSArray or NSDictionary.
- TLSphinx, Tutorial
<a name="ocr"/>Text Recognition (OCR)
- ocrad.js - JS OCR
- Tesseract
<a name="ai"/>Other AI
- Axiomatic - Swift unification framework for logic programming.
- Build Your Own Lisp In Swift
- Logician - Logic programming in Swift
- Swiftlog - A simple Prolog-like language implemented entirely in Swift.
<a name="web"/>Machine Learning Web APIs
- IBM Watson - Enable Cognitive Computing Features In Your App Using IBM Watson's Language, Vision, Speech and Data APIs.
- AlchemyAPI - Semantic Text Analysis APIs Using Natural Language Processing. Now part of IBM Watson.
- Microsoft Project Oxford
- Google Prediction engine
- Google Translate API
- Google Cloud Vision API
- Amazon Machine Learning - Amazon ML is a cloud-based service for developers. It provides visualization tools to create machine learning models. Obtain predictions for application using APIs.
- PredictionIO - opensource machine learning server for developers and ML engineers. Built on Apache Spark, HBase and Spray.
- Swift SDK
- Tapster iOS Demo - This demo demonstrates how to use the PredictionIO Swift SDK to integrate an iOS app with a PredictionIO engine to make your mobile app more interesting.
- Tutorial on using Swift with PredictionIO.
- Wit.AI - NLP API
- Yandex SpeechKit Text-to-speech and speech-to-text for Russian language. iOS SDK available.
- Abbyy OCR SDK
- Clarifai - deep learning web api for image captioning. iOS starter project
- MetaMind - deep learning web api for image captioning.
- Api.AI - Build intelligent speech interfaces for apps, devices, and web
- CloudSight.ai - deep learning web API for fine grained object detection or whole screen description, including natural language object captions. Objective-C API client is available.
<a name="mlapps"/>Opensource ML Applications
Deep Learning
- DeepDreamer - Deep Dream application
- DeepDreamApp - Deep Dream Cordova app.
- Texture Networks, Lua implementation
- Feedforward style transfer, Lua implementation
- TensorFlow implementation of Neural Style
- Corrosion detection app
- ios_camera_object_detection - Realtime mobile visualize based Object Detection based on TensorFlow and YOLO model
- TensorFlow MNIST iOS demo - Getting Started with Deep MNIST and TensorFlow on iOS
- Drummer App with RNN and Swift
- What'sThis
- enVision - Deep Learning Models for Vision Tasks on iOS\
- GoogLeNet on iOS demo
- Neural style in Android
- mnist-bnns - TensorFlow MNIST demo port to BNNS
- Benchmark of BNNS vs. MPS
- VGGNet on Metal
- A Sudoku Solver that leverages TensorFlow and iOS BNNS for deep learning.
- HED CoreML Implementation is a demo with tutorial on how to use Holistically-Nested Edge Detection on iOS with CoreML and Swift
Traditional Computer Vision
- SwiftOCR
- GrabCutIOS - Image segmentation using GrabCut algorithm for iOS
NLP
- Classical ELIZA chatbot in Swift
- InfiniteMonkeys - A Keras-trained RNN to emulate the works of a famous poet, powered by BrainCore
Other
- Swift implementation of Joel Grus's "Data Science from Scratch"
- Neural Network built in Apple Playground using Swift
<a name="gameai"/>Game AI
- Introduction to AI Programming for Games
- dlib is a library which has many useful tools including machine learning.
- MicroPather is a path finder and A* solver (astar or a-star) written in platform independent C++ that can be easily integrated into existing code.
- Here is a list of some AI libraries suggested on OGRE3D website. Seems they are mostly written in C++.
- GameplayKit Programming Guide
Other related staff
<a name="la"/>Linear algebra
- Accelerate-in-Swift - Swift example codes for the Accelerate.framework
- cuda-swift - Swift binding to CUDA. Not iOS, but still interesting.
- Dimensional - Swift matrices with friendly semantics and a familiar interface.
- Eigen - A high-level C++ library of template headers for linear algebra, matrix and vector operations, numerical solvers and related algorithms. [MPL2]
- Matrix - convenient matrix type with different types of subscripts, custom operators and predefined matrices. A fork of Surge.
- NDArray - Float library for Swift, accelerated with Accelerate Framework.
- Swift-MathEagle - A general math framework to make using math easy. Currently supports function solving and optimisation, matrix and vector algebra, complex numbers, big int, big frac, big rational, graphs and general handy extensions and functions.
- SwiftNum - linear algebra, fft, gradient descent, conjugate GD, plotting.
- Swix - Swift implementation of NumPy and OpenCV wrapper.
- Surge from Mattt
- Upsurge - generic tensors, matrices on top of Accelerate. A fork of Surge.
- YCMatrix - A flexible Matrix library for Objective-C and Swift (OS X / iOS)
<a name="stat"/>Statistics, random numbers
- SigmaSwiftStatistics - A collection of functions for statistical calculation written in Swift.
- SORandom - Collection of functions for generating psuedorandom variables from various distributions
- RandKit - Swift framework for random numbers & distributions.
<a name="mo"/>Mathematical optimization
- fmincg-c - Conjugate gradient implementation in C
- libLBFGS - a C library of Limited-memory Broyden-Fletcher-Goldfarb-Shanno (L-BFGS)
- SwiftOptimizer - QuantLib Swift port.
<a name="fe"/>Feature extraction
- IntuneFeatures framework contains code to generate features from audio files and feature labels from the respective MIDI files.
- matchbox - Mel-Frequency-Cepstral-Coefficients and Dynamic-Time-Warping for iOS/OSX. Warning: the library was updated last time when iOS 4 was still hot.
- LibXtract is a simple, portable, lightweight library of audio feature extraction functions.
<a name="dv"/>Data Visualization
- Charts - The Swift port of the MPAndroidChart.
- iOS-Charts
- Core Plot
- Awesome iOS charts
- JTChartView
- VTK
- D3.js iOS binding
<a name="bio"/>Bioinformatics (kinda)
- BioJS - a set of tools for bioinformatics in the browser. BioJS builds a infrastructure, guidelines and tools to avoid the reinvention of the wheel in life sciences. Community builds modules than can be reused by anyone.
- BioCocoa - BioCocoa is an open source OpenStep (GNUstep/Cocoa) framework for bioinformatics written in Objective-C. [Dead project].
- iBio - A Bioinformatics App for iPhone.
<a name="bd"/>Big Data (not really)
- HDF5Kit - This is a Swift wrapper for the HDF5 file format. HDF5 is used in the scientific comunity for managing large volumes of data. The objective is to make it easy to read and write HDF5 files from Swift, including playgrounds.
<a name="ip"/>IPython + Swift
- iSwift - Swift kernel for IPython notebook.
<a name="blogs"/>iOS ML Blogs
Regular mobile ML
- The "Machine, think!" blog by Matthijs Hollemans
- Pete Warden's blog
Accidental mobile ML
- Google research blog
- Apple Machine Learning Journal
- Invasive Code blog
- Big Nerd Ranch - Use TensorFlow and BNNS to Add Machine Learning to your Mac or iOS App
Other
- Intelligence in Mobile Applications
- An exclusive inside look at how artificial intelligence and machine learning work at Apple
- Presentation on squeezing DNNs for mobile
- Curated list of papers on deep learning models compression and acceleration
<a name="gpublogs"/>GPU Computing Blogs
-
OpenCL for iOS - just a test.
-
Exploring GPGPU on iOS.
-
GPU-accelerated video processing for Mac and iOS. Article.
-
Concurrency and OpenGL ES - Apple programming guide.
-
OpenCV on iOS GPU usage - SO discussion.
Metal
- Simon's Gladman (aka flexmonkey) blog
- Talk on iOS GPU programming with Swift and Metal at Realm Altconf.
- The Supercomputer In Your Pocket: Metal & Swift - a video from the Swift Summit Conference 2015
- https://github.com/FlexMonkey/MetalReactionDiffusion
- https://github.com/FlexMonkey/ParticleLab
- Memkite blog - startup intended to create deep learning library for iOS.
- Metal by Example blog
- objc-io article on Metal
<a name="books"/>Mobile ML Books
- <b>Building Mobile Applications with TensorFlow</b> by Pete Warden. Book page. <b>Free download</b>
<a name="learn"/>Learn Machine Learning
<i>Please note that in this section, I'm not trying to collect another list of ALL machine learning study resources, but only composing a list of things that I found useful.</i>
- <b>Academic Torrents</b>. Sometimes awesome courses or datasets got deleted from their sites. But this doesn't mean, that they are lost.
- Arxiv Sanity Preserver - a tool to keep pace with the ML research progress.
Free Books
- Immersive Linear Algebra interactive book by J. Ström, K. Åström, and T. Akenine-Möller.
- "Natural Language Processing with Python" - free online book.
- Probabilistic Programming & Bayesian Methods for Hackers - An intro to Bayesian methods and probabilistic programming from a computation/understanding-first, mathematics-second point of view.
- "Deep learning" - the book by Ian Goodfellow and Yoshua Bengio and Aaron Courville
Free Courses
- Original Machine Learning Coursera course by Andrew Ng.
- Machine learning playlist on Youtube.
- Free online interactive book "Neural Networks and Deep Learning".
- Heterogeneous Parallel Programming course.
- Deep Learning for Perception by Virginia Tech, Electrical and Computer Engineering, Fall 2015: ECE 6504
- CAP 5415 - Computer Vision by UCF
- CS224d: Deep Learning for Natural Language Processing by Stanford
- Machine Learning: 2014-2015 Course materials by Oxford
- Stanford CS class CS231n: Convolutional Neural Networks for Visual Recognition.
- Deep Learning for Natural Language Processing (without Magic)
- Videos from Deep Learning Summer School, Montreal 2015.
- Deep Learning Summer School, Montreal 2016
<a name="lists"/>Other Lists
- Awesome Machine Learning
- Machine Learning Courses
- Awesome Data Science
- Awesome Computer Vision
- Speech and language processing
- The Rise of Chat Bots: Useful Links, Articles, Libraries and Platforms by Pavlo Bashmakov.
- Awesome Machine Learning for Cyber Security