model-inference

There are 39 repositories under model-inference topic.

  • bentoml/OpenLLM

    Run any open-source LLMs, such as DeepSeek and Llama, as OpenAI compatible API endpoint in the cloud.

    Language:Python11.9k56279788
  • wangxb96/Awesome-EdgeAI

    Resources of our survey paper "Optimizing Edge AI: A Comprehensive Survey on Data, Model, and System Strategies"

  • bentoml/CLIP-API-service

    CLIP as a service - Embed image and sentences, object recognition, visual reasoning, image classification and reverse image search

    Language:Jupyter Notebook65304
  • hegongshan/Storage-for-AI-Paper

    Accelerating AI Training and Inference from Storage Perspective (Must-read Papers on Storage for AI)

  • EmbeddedLLM/embeddedllm

    EmbeddedLLM: API server for Embedded Device Deployment. Currently support CUDA/OpenVINO/IpexLLM/DirectML/CPU

    Language:Python442191
  • DAVIDNYARKO123/edge-tpu-silva

    Streamlining the process for seamless execution of PyCoral in running TensorFlow Lite models on an Edge TPU USB.

    Language:Python30273
  • Koldim2001/Image_captioning

    Генерация описаний к изображениям с помощью различных архитектур нейронных сетей

    Language:Jupyter Notebook18100
  • debajitadhikary/EmoVision

    😊📸 Real-Time Facial Emotion Recognition using Deep Learning 🤖🧠

    Language:Python5
  • brian-kipkoech-tanui/sagemaker-ML-workflow

    Image Classifiers are used in the field of computer vision to identify the content of an image and it is used across a broad variety of industries, from advanced technologies like autonomous vehicles and augmented reality, to eCommerce platforms, and even in diagnostic medicine.

    Language:HTML410
  • ChaitanyaC22/Udacity-AWS-MLE-ND-Project2-Build-a-ML-Workflow-For-Scones-Unlimited-On-Amazon-SageMaker

    The primary objective of this project was to build and deploy an image classification model for Scones Unlimited, a scone-delivery-focused logistic company, using AWS SageMaker.

    Language:HTML4101
  • akrisanov/inference-engineering-journey

    A personal journey into model inference engineering — learning, building, and sharing along the way.

    Language:Jupyter Notebook20
  • SayamAlt/Financial-News-Sentiment-Analysis

    Successfully developed a fine-tuned DistilBERT transformer model which can accurately predict the overall sentiment of a piece of financial news up to an accuracy of nearly 81.5%.

    Language:Jupyter Notebook2101
  • SayamAlt/Symptoms-Disease-Text-Classification

    Successfully developed a fine-tuned BERT transformer model which can accurately classify symptoms to their corresponding diseases upto an accuracy of 89%.

    Language:Jupyter Notebook210
  • AlvinHon/distributed-model-inference

    Example distributed system for ML model inference by using Kafka, including spring boot REST+JPA server with Java consumer program

    Language:Java1100
  • itancio/churn

    Language:Python110
  • kwame-mintah/gcp-cloud-run-function-model-inference

    A cloud run function to invoke a prediction against a machine learning model that has been trained outside of a cloud provider.

    Language:Python110
  • SayamAlt/Cyberbullying-Classification-using-fine-tuned-DistilBERT

    Successfully fine-tuned a pretrained DistilBERT transformer model that can classify social media text data into one of 4 cyberbullying labels i.e. ethnicity/race, gender/sexual, religion and not cyberbullying with a remarkable accuracy of 99%.

    Language:Jupyter Notebook110
  • thehrsr/CAR-DAMAGE-DETECTION

    This project is a web-based application that uses a pre-trained Mask R-CNN model to detect and classify car damage types (scratch, dent, shatter, dislocation) from images. Users can upload an image of a car, and the application will highlight damaged areas with bounding boxes and masks, providing a clear visual representation of the detected damage

    Language:Jupyter Notebook1101
  • C-bianc/NER-task

    Token classification for named entities

    Language:Jupyter Notebook0100
  • Keval10github/Vehicle-Detection

    This vehicle identification project utilizes the YOLOv5 deep learning model for detecting and classifying vehicles from images, videos, and live streams. It supports real-time inference, saving outputs with bounding boxes, confidence scores, and class labels, making it ideal for traffic monitoring and smart surveillance systems.

    Language:Python0100
  • csysp/rocktop

    rocktop is a singing voice model training/inference system with a full test env and MCP server for devs

    Language:Python
  • hnthap/cat-or-dog

    An End-to-end AI Application classifying images as either a cat or a dog. The project leverages OpenVINO Model Server, a Node.js backend, and a React-based frontend.

    Language:TypeScript
  • nabeelshan78/yolo-object-detection-pipeline

    An end‑to‑end TensorFlow/Keras implementation of the YOLO object detection pipeline. Load images, run fast and accurate bounding‑box inference, filter and refine predictions and visualize results side‑by‑side - all organized into a clean, modular workflow.

    Language:Jupyter Notebook
  • Nardo45/RapidVision

    RapidVision is a real-time object detection tool powered by the PP-YOLOE deep learning model and the COCO object class dataset. It supports switching between multiple video sources and is built for responsive, flexible object recognition.

    Language:Python
  • santosh/image-classifier

    POC of image classification using scikit-learn.

    Language:Python10
  • SayamAlt/English-to-Spanish-Language-Translation-using-Seq2Seq-and-Attention

    Successfully established a Seq2Seq with attention model which can perform English to Spanish language translation up to an accuracy of almost 97%.

    Language:Jupyter Notebook10
  • SayamAlt/Global-Equity-Forecasting-using-LSTM

    Successfully established an LSTM model to effectively forecast global equity based on over 20+ years of historical data of global equity.

    Language:Jupyter Notebook10
  • SayamAlt/Global-News-Headlines-Text-Summarization

    Successfully established a text summarization model using Seq2Seq modeling with Luong Attention, which can give a short and concise summary of the global news headlines.

    Language:Jupyter Notebook10
  • SayamAlt/Grapevine-Leaves-Image-Classification-Using-CNNs

    Successfully developed an image classification model using PyTorch to classify the species of grapevine leaves based on their corresponding images.

    Language:Jupyter Notebook
  • SayamAlt/Luxury-Apparel-Product-Category-Classification-using-fine-tuned-DistilBERT

    Successfully developed a multiclass text classification model by fine-tuning pretrained DistilBERT transformer model to classify various distinct types of luxury apparels into their respective categories i.e. pants, accessories, underwear, shoes, etc.

    Language:Jupyter Notebook11
  • SayamAlt/Mental-Health-Classification-using-fine-tuned-DistilBERT

    Successfully established a multiclass text classification model by fine-tuning pretrained DistilBERT transformer model to classify several distinct types of mental health statuses such as anxiety, stress, personality disorder, etc. with an accuracy of 77%.

    Language:Jupyter Notebook10
  • SayamAlt/Natural-Scenes-Image-Classification-using-CNNs

    Successfully established an image classification model using PyTorch to classify the images of several distinct natural sceneries such as mountains, glaciers, forests, seas, streets and buildings with an accuracy of 86%.

    Language:Jupyter Notebook10
  • SayamAlt/Oral-Disease-Classification-using-CNN

    Successfully developed an image classification model using PyTorch to classify two types of oral diseases, namely caries and gingivitis.

    Language:Jupyter Notebook10
  • SayamAlt/Wildlife-Detection-using-Faster-R-CNN

    Successfully developed a wildlife detection model using Faster R-CNN to identify and localize animals in natural habitats, supporting conservation efforts and ecological research.

    Language:Jupyter Notebook
  • SayamAlt/Wine-Cultivator-Classification-using-ANN

    Successfully established an ANN model which can classify wine cultivators based on several characteristics of distinct wines.

    Language:Jupyter Notebook10