Python Coreml

Open-source Python projects categorized as Coreml

Top 10 Python Coreml Projects

  • yolov5

    YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite

  • Project mention: Mastering YOLOv10: A Complete Guide with Hands-On Projects | dev.to | 2024-05-30

    Docs

  • catboost

    A fast, scalable, high performance Gradient Boosting on Decision Trees library, used for ranking, classification, regression and other machine learning tasks for Python, R, Java, C++. Supports computation on CPU and GPU.

  • Project mention: CatBoost: Open-source gradient boosting library | news.ycombinator.com | 2024-03-05
  • Scout Monitoring

    Free Django app performance insights with Scout Monitoring. Get Scout setup in minutes, and let us sweat the small stuff. A couple lines in settings.py is all you need to start monitoring your apps. Sign up for our free tier today.

    Scout Monitoring logo
  • CoreML-Models

    Largest list of models for Core ML (for iOS 11+)

  • 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.

  • coremltools

    Core ML tools contain supporting tools for Core ML model conversion, editing, and validation.

  • Project mention: Apple to Power AI Features with M2 Ultra Servers | news.ycombinator.com | 2024-05-10

    Some likely candidates are the existing open source tools their ML team has released:

    - CoreNet, a training toolchain developed by their ML teams: https://github.com/apple/corenet. It's built on PyTorch, but uses MLX

    - MLX, Apples internal array processing framework which is C/C++/Swift (https://pypi.org/project/mlx/).

    - CoreML tools, their python package for accessing the lower-level CoreML APIs (https://github.com/apple/coremltools)

  • PINTO_model_zoo

    A repository for storing models that have been inter-converted between various frameworks. Supported frameworks are TensorFlow, PyTorch, ONNX, OpenVINO, TFJS, TFTRT, TensorFlowLite (Float32/16/INT8), EdgeTPU, CoreML.

  • AnimeGANv3

    Use AnimeGANv3 to make your own animation works, including turning photos or videos into anime.

  • InfluxDB

    Power Real-Time Data Analytics at Scale. Get real-time insights from all types of time series data with InfluxDB. Ingest, query, and analyze billions of data points in real-time with unbounded cardinality.

    InfluxDB logo
  • exporters

    Export Hugging Face models to Core ML and TensorFlow Lite

  • Project mention: I made an app that runs Mistral 7B 0.2 LLM locally on iPhone Pros | news.ycombinator.com | 2024-01-07

    Conceptually, to the best of my understanding, nothing too serious; perhaps the inefficiency of processing a larger input than necessary?

    Practically, a few things:

    If you want to have your cake & eat it too, they recommend Enumerated Shapes[1] in their coremltools docs, where CoreML precompiles up to 128 (!) variants of input shapes, but again this is fairly limiting (1 tok, 2 tok, 3 tok... up to 128 token prompts.. maybe you enforce a minimum, say 80 tokens to account for a system prompt, so up to 200 tokens, but... still pretty short). But this is only compatible with CPU inference, so that reduces its appeal.

    It seems like its current state was designed for text embedding models, where you normalize input length by chunking (often 128 or 256 tokens) and operate on the chunks — and indeed, that’s the only text-based CoreML model that Apple ships today, a Bert embedding model tuned for Q&A[2], not an LLM.

    You could used a fixed input length that’s fairly large; I haven’t experimented with it once I grasped the memory requirements, but from what I gather from HuggingFace’s announcement blog post[3], it seems that is what they do with swift-transformers & their CoreML conversions, handling the details for you[4][5]. I haven’t carefully investigated the implementation, but I’m curious to learn more!

    You can be sure that no one is more aware of all this than Apple — they published "Deploying Transformers on the Apple Neural Engine" in June 2022[6]. I look forward to seeing what they cook up for developers at WWDC this year!

    ---

    [1] "Use `EnumeratedShapes` for best performance. During compilation the model can be optimized on the device for the finite set of input shapes. You can provide up to 128 different shapes." https://apple.github.io/coremltools/docs-guides/source/flexi...

    [2] BertSQUAD.mlmodel (fp16) https://developer.apple.com/machine-learning/models/#text

    [3] https://huggingface.co/blog/swift-coreml-llm#optimization

    [4] `use_fixed_shapes` "Retrieve the max sequence length from the model configuration, or use a hardcoded value (currently 128). This can be subclassed to support custom lengths." https://github.com/huggingface/exporters/pull/37/files#diff-...

    [5] `use_flexible_shapes` "When True, inputs are allowed to use sequence lengths of `1` up to `maxSequenceLength`. Unfortunately, this currently prevents the model from running on GPU or the Neural Engine. We default to `False`, but this can be overridden in custom configurations." https://github.com/huggingface/exporters/pull/37/files#diff-...

    [6] https://machinelearning.apple.com/research/neural-engine-tra...

  • tflite2tensorflow

    Discontinued Generate saved_model, tfjs, tf-trt, EdgeTPU, CoreML, quantized tflite, ONNX, OpenVINO, Myriad Inference Engine blob and .pb from .tflite. Support for building environments with Docker. It is possible to directly access the host PC GUI and the camera to verify the operation. NVIDIA GPU (dGPU) support. Intel iHD GPU (iGPU) support. Supports inverse quantization of INT8 quantization model.

  • more-ane-transformers

    Run transformers (incl. LLMs) on the Apple Neural Engine.

  • Project mention: M2 Ultra can run 128 streams of Llama 2 7B in parallel | news.ycombinator.com | 2023-10-11
NOTE: The open source projects on this list are ordered by number of github stars. The number of mentions indicates repo mentiontions in the last 12 Months or since we started tracking (Dec 2020).

Python Coreml related posts

  • Apple to Power AI Features with M2 Ultra Servers

    2 projects | news.ycombinator.com | 10 May 2024
  • I made an app that runs Mistral 7B 0.2 LLM locally on iPhone Pros

    12 projects | news.ycombinator.com | 7 Jan 2024
  • M2 Ultra can run 128 streams of Llama 2 7B in parallel

    4 projects | news.ycombinator.com | 11 Oct 2023
  • CoreML commit from Apple mentions iOS17 exclusive features

    1 project | /r/u_Standard-Sundae-6011 | 3 Jun 2023
  • CoreML commit from Apple mentions iOS17 exclusive features

    1 project | /r/u_Formal_Ad505 | 2 Jun 2023
  • CoreML commit from Apple mentions iOS17 exclusive features

    1 project | /r/apple | 2 Jun 2023
  • Lisa Su Saved AMD. Now She Wants Nvidia's AI Crown

    4 projects | news.ycombinator.com | 2 Jun 2023
  • A note from our sponsor - InfluxDB
    www.influxdata.com | 3 Jun 2024
    Get real-time insights from all types of time series data with InfluxDB. Ingest, query, and analyze billions of data points in real-time with unbounded cardinality. Learn more →

Index

What are some of the best open-source Coreml projects in Python? This list will help you:

Project Stars
1 yolov5 47,719
2 catboost 7,812
3 CoreML-Models 6,274
4 MMdnn 5,782
5 coremltools 4,131
6 PINTO_model_zoo 3,351
7 AnimeGANv3 1,603
8 exporters 558
9 tflite2tensorflow 257
10 more-ane-transformers 43

Sponsored
SaaSHub - Software Alternatives and Reviews
SaaSHub helps you find the best software and product alternatives
www.saashub.com