All Projects → juanmorillios → List-CoreML-Models

juanmorillios / List-CoreML-Models

Licence: other
A Big Awesome List CoreML Models.

Projects that are alternatives of or similar to List-CoreML-Models

Awesome Coreml Models
Largest list of models for Core ML (for iOS 11+)
Stars: ✭ 5,192 (+4226.67%)
Mutual labels:  caffe, caffemodel, coreml, coreml-models
mlmodelzoo
Build your iOS 11+ apps with the ready-to-use Core ML models below
Stars: ✭ 17 (-85.83%)
Mutual labels:  coreml, coreml-models
CoreML-and-Vision-with-a-pre-trained-deep-learning-SSD-model
This project shows how to use CoreML and Vision with a pre-trained deep learning SSD (Single Shot MultiBox Detector) model. There are many variations of SSD. The one we’re going to use is MobileNetV2 as the backbone this model also has separable convolutions for the SSD layers, also known as SSDLite. This app can find the locations of several di…
Stars: ✭ 16 (-86.67%)
Mutual labels:  coreml, coreml-models
MNIST-CoreML
Predict handwritten digits with CoreML
Stars: ✭ 63 (-47.5%)
Mutual labels:  coreml, coreml-models
Pinto model zoo
A repository that shares tuning results of trained models generated by TensorFlow / Keras. Post-training quantization (Weight Quantization, Integer Quantization, Full Integer Quantization, Float16 Quantization), Quantization-aware training. TensorFlow Lite. OpenVINO. CoreML. TensorFlow.js. TF-TRT. MediaPipe. ONNX. [.tflite,.h5,.pb,saved_model,tfjs,tftrt,mlmodel,.xml/.bin, .onnx]
Stars: ✭ 634 (+428.33%)
Mutual labels:  caffe, coreml
Seefood
Inspired by HBO's Silicon Valley: SeeFood is an iOS app that uses CoreML to detect various dishes
Stars: ✭ 445 (+270.83%)
Mutual labels:  caffe, coreml
SentimentVisionDemo
🌅 iOS11 demo application for visual sentiment prediction.
Stars: ✭ 34 (-71.67%)
Mutual labels:  coreml, coreml-models
caffe weight converter
Caffe-to-Keras weight converter. Can also export weights as Numpy arrays for further processing.
Stars: ✭ 68 (-43.33%)
Mutual labels:  caffe, caffemodel
Mmdnn
MMdnn is a set of tools to help users inter-operate among different deep learning frameworks. E.g. model conversion and visualization. Convert models between Caffe, Keras, MXNet, Tensorflow, CNTK, PyTorch Onnx and CoreML.
Stars: ✭ 5,472 (+4460%)
Mutual labels:  caffe, coreml
Netron
Visualizer for neural network, deep learning, and machine learning models
Stars: ✭ 17,193 (+14227.5%)
Mutual labels:  caffe, coreml
Interactive Deep Colorization
Deep learning software for colorizing black and white images with a few clicks.
Stars: ✭ 2,465 (+1954.17%)
Mutual labels:  caffe
Dl inference
通用深度学习推理服务,可在生产环境中快速上线由TensorFlow、PyTorch、Caffe框架训练出的深度学习模型。
Stars: ✭ 209 (+74.17%)
Mutual labels:  caffe
Mtcnn caffe
Simple implementation of kpzhang93's paper from Matlab to c++, and don't change models.
Stars: ✭ 244 (+103.33%)
Mutual labels:  caffe
Change Detection Review
A review of change detection methods, including codes and open data sets for deep learning. From paper: change detection based on artificial intelligence: state-of-the-art and challenges.
Stars: ✭ 248 (+106.67%)
Mutual labels:  caffe
Orn
Oriented Response Networks, in CVPR 2017
Stars: ✭ 207 (+72.5%)
Mutual labels:  caffe
Retinaface
Reimplement RetinaFace use C++ and TensorRT
Stars: ✭ 241 (+100.83%)
Mutual labels:  caffe
Caffe Deepbinarycode
Supervised Semantics-preserving Deep Hashing (TPAMI18)
Stars: ✭ 206 (+71.67%)
Mutual labels:  caffe
Colorization
Automatic colorization using deep neural networks. "Colorful Image Colorization." In ECCV, 2016.
Stars: ✭ 2,791 (+2225.83%)
Mutual labels:  caffe
Dsrg
Weakly-Supervised Semantic Segmentation Network with Deep Seeded Region Growing (CVPR 2018).
Stars: ✭ 206 (+71.67%)
Mutual labels:  caffe
Cnn face detection
Implementation based on the paper Li et al., “A Convolutional Neural Network Cascade for Face Detection, ” 2015 CVPR
Stars: ✭ 251 (+109.17%)
Mutual labels:  caffe

List CoreML-Models Awesome

Banner

A List CoreML-Models projects and resources. Feel free to contribute!

With Core ML, you can integrate trained machine learning models into your app.

CoreML-Models is the result of applying a machine learning algorithm to a set of training data. The model makes predictions based on new input data. For example, a model that's been trained on a region's historical house prices may be able to predict a house's price when given the number of bedrooms and bathrooms.


Projects

  • Exermote - Predicts the exercise, when iPhone is worn on right upper arm.

  • SentimentPolarity - iOS11 demo application for sentiment polarity analysis.

  • SentimentPolarity - iOS11 demo application for sentiment polarity analysis.

  • imessage-spam-detection - Simple iMessage app to detect whether a message is spam.

  • FNS-Candy - Convert Torch7 models into Apple CoreML format.

  • HED_so - Holistically-Nested Edge Detection. Side outputs

  • Nudity - Classifies an image either as NSFW (nude) or SFW (not nude)

  • RN1015k500 - Predict the location where a picture was taken.

  • CNNEmotions - Emotion Recognition in the Wild via Convolutional Neural Networks and Mapped Binary Patterns

  • Inceptionv3 - Detects the dominant objects present in an image from a set of 1000 categories such as trees, animals, food, vehicles, person etc. The top-5 error from the original publication is 5.6%.

  • GoogLeNetPlaces - Detects the scene of an image from 205 categories such as airport, bedroom, forest, coast etc.

  • DocumentClassifier - DocumentClassifier is a Swift framework for classifying documents into one of five categories (Business, Entertainment, Politics, Sports, and Technology). It uses a CoreML model trained with 1,500 news articles from the BBC.

  • CoreML-in-ARKit - Simple project to detect objects and display 3D labels above them in AR.

  • Food101-CoreML - A CoreML model which classifies images of food.

  • UnsplashExplorer-CoreML - This app takes a random photo from Unsplash and make predictions about what is inside with Core ML framework using InceptionV3 model.

  • ObjectDetectionCoreML - Compare CoreML models.

  • ImageDetector-Machine-Learning - This uses iOS 11's CoreML combined with Google's Inceptionv3 Model to detect the contents of an image taken in the camera or selected from the library.

  • VisualSentimentCNN - From Pixels to Sentiment: Fine-tuning CNNs for Visual Sentiment Prediction.

  • Tutorial_coreml - Integrating Machine Learning models into your app.

  • CoreML-in-ARKit - Simple project to detect objects and display 3D labels above them in AR. This serves as a basic template for an ARKit project to use CoreML.

  • Artists Recommendation - Recommend a artist based on given location and genre.

  • NamesDT - Predict whether a name is for male or female.

  • FlickrStyle - Detect the artistic style of images.

  • Oxford102 - Detect the type of flowers from images.

  • Food101 - Predict the type of foods from images.

  • SentimentVision - Predict positive or negative sentiments from images.

  • HED - Detect nested edges from a color image. Models.

  • FacesVisionDemo - Gender Classification from first names.

  • Sentiment Polarity - Predict positive or negative sentiments from sentences.

  • MNIST - Predict handwritten (drawn) digits from images.

  • EmotionNet - Predict a person's emotion from one's portrait.

  • GenderNet - Predict a person's gender from one's portrait.

  • AgeNet - Predict a person's age from one's portrait.

  • YOLO - Recognize what the objects are inside a given image and where they are in the image.

  • Car Recognition - Detects the dominant objects present in an image.

  • Car VGG16 - Detects the dominant objects present in an image.

  • ResNet50 - Predict the brand & model of a car.

  • Inception v3 - Detects the dominant objects present in an image.

  • Places CNN - Detects the scene of an image from 205 categories such as bedroom, forest, coast etc.

  • MobileNet - Detects the dominant objects present in an image.

Articles

Resources

Utilities to Work with Core ML

  • Torch7 - Torch7 -> CoreML

  • MXNet - Bring Machine Learning to iOS apps using Apache MXNet and Apple Core ML

  • coremltools - Core ML is an Apple framework that allows developers to easily integrate machine learning (ML) models into apps. Core ML is availiable on iOS, watchOS, macOS, and tvOS. Core ML introduces a public file format (.mlmodel) for a broad set of ML methods including deep neural networks (convolutional and recurrent), tree ensembles (boosted trees, random forest, decision trees), and generalized linear models. Core ML models directly integrate into apps within Xcode.

  • TensorFlow - This repository contains machine learning models implemented in TensorFlow. The models are maintained by their respective authors. To propose a model for inclusion, please submit a pull request.

  • Caffe - Lots of researchers and engineers have made Caffe models for different tasks with all kinds of architectures and data: check out the model zoo!

  • TensorFlow Slim - TF-slim is a new lightweight high-level API of TensorFlow (tensorflow.contrib.slim) for defining, training and evaluating complex models.

Twitter

Contributing

Your contributions are always welcome! To add, remove, or change things on the list: Submit a pull request. See contribution.md for guidelines.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].