| Website | Medium | Blogpost | StackExchange |
|---|
| Bluesky | Peerlist |
|---|
- SmolChat: Local, on-device GGUF LLMs/SLMs inference in Android
- model2vec.swift: On-Device Static Sentence Embeddings in Swift/iOS/macOS apps
- CLIP Inference In Android With clip.cpp
- Segment Anything Inference On Android With ONNX
- On-Device Face Recognition with FaceNet ( GitHub )
- Sentence-Embeddings in Android -
all-MiniLM-L2-V6( GitHub ) - On-Device RAG in Android for Document Q&A
- Depth-Anything v1/v2 Inference On Android With ONNX
- Deploying Scikit-Learn Models In Android Apps With ONNX ( GitHub )
- Deploying TF models on Heroku for Android ( GitHub )
- Realtime Depth Estimation In Android ( GitHub )
- MLKit Selfie Segmentation in Android ( GitHub )
- Using FaceNet For On-Device Face Recognition With Android ( GitHub )
- Text2Summary Android ( GitHub )
- (Archive) Q-Learning With The Frozen Lake Environment In Android ( GitHub )
- (Archive) Hyperparameter Optimization With Genetic Algorithms in Kotlin ( GitHub )
- Exploring Random Forests In Light Of Kotlin ( GitHub )
- (Archive) Coding Feed-Forward Neural Networks in Kotlin (or Android) ( GitHub )
- (Archive) Gaussian Naive Bayes ( for Iris Classification ) in Android ( GitHub )
- (Archive) How I made Skinly for Melanoma Detection in Android ( GitHub )
- (Archive) Designing Decision Trees From Scratch on Android ( GitHub )
- (Archive) Text Classification in Android with TensorFlow ( GitHub )
- (Archive) Sarcasm Detection using Word Embeddings in Android ( GitHub )
- (Archive) Hands-on With Multiple Linear Regression on Android
- (Archive) Bayes Text Classification in Kotlin for Android without TensorFlow
- Introducing TensorFlow Lite Android Support Library
| Project | Description |
|---|---|
evolution-sim |
Simulates the evolution of an individual within a population, inspired by Veritasium's video on the 'Selfish Gene'. |
Postgres-Client |
This project aims to demonstrate how drivers (types 1-4) communicate with a Postgres DB server to execute queries and display their results. The client communicates with a Postgres DB without using a JDBC/ODBC driver. |
guided-generation.java |
Generating Java Data Structures With LLMs Like Apple's Foundation Models Framework |
glove.c |
Hashtable with open hashing / closed addressing for storing embeddings |
tfidf-summarizer.rs |
Simple, efficient and cross-platform TF-IDF based text summarizer in Rust |
postagger.rs |
NLTK-inspired Parts-of-Speech Tagger (Perceptron Tagger) in Rust |
pq.rs |
Pure Rust implementation of Product Quantization for Approximate Nearest Neighbor Search |
full-text-search |
Inverted Index implementation |
text-predictor-android |
Next-word prediction and auto-complete for Android (powered by Rust) |
diff-tool.rs |
Longest Common Subsequence implementation using backtracking |
google-search-kotlin |
Get Google Search results programmatically in Kotlin |
Simple_Document_Scanner_Android |
Document Scanner for Android |
HireMate Backend |
Recruiting / shortlisting CVs using OpenAI API (FastAPI) |
blogpost-backend |
Backend for Blogpost (FastAPI) |
INC-DBMS-Project |
Ktor-based backend for INC-DBMS-Project |
WASM-JS-Algorithms |
Implementations of various algorithms in WebAssembly and vanilla JavaScript |
- Generating Java Data Structures With LLMs Like Apple’s Foundation Models Framework
- Educational: Remote Code Execution With Buffer Overflow In C
- Explained: How Does L1 Regularization Perform Feature Selection?
- llama.cpp: Writing A Simple C++ Inference Program for GGUF LLM Models
- The Art of Forgetting: Machine Unlearning (with Aarti Lad and Ruchi Bhale)
- Rendering Markdown with Code Syntax Highlighting in Compose/Android
- Building On-Device Face Recognition In Android
- From Python To Android: HF Sentence Transformers (Embeddings)
- On-Device Machine Learning In Android: Frameworks and Ecosystem
- Using C/C++ in Android: A Comprehensive Guide For Beginners
- Building A Cross-Platform TFIDF Text Summarizer In Rust
- Managing Deep Learning Models Easily With TOML Configurations
glove-android: Using GloVe Word Embeddings for NLP In Android- Chaquopy: Using Python In Android Apps
- Using Websockets To Run Terminal Commands From Android Apps
- Creating Desktop Apps For TensorFlow Models With Qt
- Building a Simple Document Scanner in Android
- Deploying Scikit-Learn Models In Android Apps With ONNX
- Human-In-The-Loop Systems — All You Need To Know
- Deploying TF Models on Heroku for Android Apps
- Accessing App Usage History In Android
- No, Kernels & Filters Are Not The Same
- Deploying Pretrained TF Object Detection Models on Android
- Realtime Selfie Segmentation In Android With MLKit
- Grad-CAM: A Camera For Your Model’s Decision
- MLP Mixer Is All You Need?
- Age + Gender Estimation in Android with TensorFlow
- Using FaceNet For On-Device Face Recognition With Android
- (Archive) Coding Feed-Forward Neural Networks in Kotlin (or Android)
- (Archive) Q-Learning With The Frozen Lake Environment In Android
- (Archive) Hyperparameter Optimization With Genetic Algorithms In Kotlin
- Image Classification With TensorFlow 2.0 ( Without Keras )
- Get Started With TensorFlow 2.0 and Linear Regression
- Cityscape Image Segmentation With TensorFlow 2.0
- 4 Awesome Ways Of Loading ML Data In Google Colab
- Colorizing B/W Images With GANs in TensorFlow
- Exploring Random Forests In Light Of Kotlin
- (Archive) Gaussian Naive Bayes ( for Iris Classification ) in Android
- (Archive) Sarcasm Detection using Word Embeddings in Android
- (Archive) Hands-on With Multiple Linear Regression on Android
- (Archive) Bayes Text Classification in Kotlin for Android without TensorFlow
- (Archive) How I made Skinly for Melanoma Detection in Android
- (Archive) Text Classification in Android with TensorFlow
- (Archive) Designing Decision Trees From Scratch on Android
- Introducing TensorFlow Lite Android Support Library
- Introducing Text2Summary: Text Summarization on Android
- Exploring MobileNets: From Paper To Keras
- Exploring DenseNets: From Paper To Keras
- Containers: Everything You Need To Know
- WebAssembly: Everything You Need To Know
- Empirical Distribution — Everything You Need To Know
- Kernels: Everything You Need to Know
- Principal Component Analysis: Everything You Need To Know
- Demystifying Monte Carlo Integration
- Demystifying Linear Independence
- Demystifying Probability Distributions ( 1 / 3 )
- Demystifying Probability Distributions ( 2 / 3 )
- Demystifying Probability Distributions ( 3 / 3 )
- Demystifying The Moore-Penrose Generalized Inverse
- Taylor Series And The Power Of Approximation
- Entropy In The World Of Computer Science
- Add new
Tensor.zeros()andTensor.ones()factory methods to create tensors initialized with zeros and ones in ExecuTorch (PR pytorch/executorch#15388) - Add a Homebrew Cask for ggml/llamabarn (PR Homebrew/homebrew-cask#233076)
- Update model cards for Depth-Anything and DINOv2 in HuggingFace
transformers(PRs 37065 and 37104) - Add Android sample (JNI binding + Java wrapper class) for
clip.cpp handtrackingAndroid example tovictordibia/handtracking- depth-estimation Android sample to
SunitRoy2703/Tensorflow-lite-kotlin-samples - air_drawing demo (a sample for hand landmark detection solution) to
googlesamples/mediapipe - script for building Debian package to
ataractic/libcfg - article
How to Integrate Firebase Authentication with the Ktor Auth Featuretomjovanc/awesome-ktor - multiple Kotlin libraries like
kotlindl,dotenv-kotlin,multiketc. tomcxiaoke/awesome-kotlin - Android demo for
LiheYoung/Depth-Anything - Rust ML frameworks to
josephmisiti/awesome-machine-learning - Corrected Android sample code in
README.mdofcodeandtheory/YCharts - Added Mediapipe and ExecuTorch frameworks to
merveenoyan/awesome-osml-for-devs - Added
gnp/minbpe-rstokarpathy/minbpeas a community extension - Added rust-bert, lancedb and faer crates in rust-unofficial/awesome-rust
- Age + Gender Estimation in Android with TensorFlow
- Hyperparameter Optimization Using Keras Tuner API
- Image Colorization With GANs
- Chatbot using Seq2Seq LSTM models.
- Neural Machine Translation (NMT) - Translating English sentences to French sentences.
- Neural Machine Translation (NMT) - Translating English sentences to Marathi sentences.
- Image Classification From Scratch With TensorFlow 2.0 ( Without Keras! )
- Cityscape Image Segmentation with TensorFlow 2.0 ( Without Keras! )
- Face Landmark Detection With TensorFlow
- Neural Implanting With TensorFlow
- Tweet Classification with MLP-Mixers ( TF-Keras ) ( Story On Medium )
- From Paper To Keras: MobileNets With TensorFlow
- From Paper To Keras: DenseNets With TensorFlow
- Age + Gender Estimation in Android with TensorFlow used in Realtime Age and Gender estimation using MLKit and Tensor Flow Android Studio | Visitor Analysis YouTube video by The Mobile Dev
- Notebook Tweet Classification With MLP-Mixers ( TF-Keras referred by the paper Distinguish risk communication and crisis communication based on deep learning model




