torchserve
There are 53 repositories under torchserve topic.
cceyda/torchserve-dashboard
Management Dashboard for Torchserve
alvarobartt/serving-pytorch-models
Serving PyTorch models with TorchServe :fire:
notAI-tech/fastDeploy
Deploy DL/ ML inference pipelines with minimal extra code.
louisoutin/yolov5_torchserve
Torchserve server using a YoloV5 model running on docker with GPU and static batch inference to perform production ready and real time inference.
aws-samples/amazon-sagemaker-endpoint-deployment-of-fastai-model-with-torchserve
Deploy FastAI Trained PyTorch Model in TorchServe and Host in Amazon SageMaker Inference Endpoint
scaleoutsystems/stackn
A minimalistic and pluggable machine learning platform for Kubernetes.
cceyda/lit-NER
TorchServe+Streamlit for easily serving your HuggingFace NER models
kamalkraj/Swin-Transformer-Serve
Deploy Swin Transformer using TorchServe
npatta01/pytorch-serving-workshop
Slides and notebook for the workshop on serving bert models in production
manhph2211/ML-Deployment
Pushing Text To Speech models into production using torchserve, kubernetes and react web app :smile:
Biano-AI/serving-compare-middleware
FastAPI middleware for comparing different ML model serving approaches
aws-samples/amazon-sagemaker-endpoint-deployment-of-siamese-network-with-torchserve
Twin Neural Network Training with PyTorch and fast.ai and its Deployment with TorchServe on Amazon SageMaker
aws-samples/torchserve-eks
How to deploy TorchServe on an Amazon EKS cluster for inference.
artefactory/deploy-fastai-torchserve-aiplatform
Deploy FastAI Trained PyTorch Model in TorchServe and Host in GCP's AI-Platform Prediciton.
Faruman/AnalysisOfMlModelDeploymentOptions
This paper compares Flask, FastAPI, and TorchServe for deploying PyTorch models. Flask is simple, FastAPI adds performance, and TorchServe is best for large-scale production. FastAPI is ideal for small deployments, while TorchServe suits complex environments. AWS Lambda is suggested for advanced use cases.
AshutoshDongare/HuggingFace-Model-Serving
Quick and easy tutorial to serve HuggingFace sentiment analysis model using torchserve
RamanHacks/pytorch-hackathon
DET is an end-to-end tool for extracting Key-Value pairs from a variety of documents, built entirely on PyTorch and served using TorchServe.
GlenCrawford/musical_valence_predictor
Predicting musical valence of Spotify songs using PyTorch.
i008/pl-lightning-torchserve-neptune-template
This repo implements a minimalistic pytorch_lightning + neptune + torchserve flow for (computer vision) model training and deployment
bioinf-mcb/BERT-torchserve-quickstart
Serving BERT embeddings via Torchserve
fabridamicelli/torchserve-docker
TorchServe images with specific Python version working out-of-the-box.
dimitreOliveira/torchserve_od_example
Simple example of using TorchServe to serve a PyTorch Object Detection model
froukje/mnist-deployment
Deploy App for MNIST Classification using TorchServe and Flask
oke-aditya/torch_serve_mnist
Tutorial on how to run MNIST using Torch-Serve
philippmoehl/ml-lifecycle
ML Lifecycle project
ajithvcoder/Multivideo_Objectdetection_MLOPS_Project
Multi video offline streaming and Yolov8 object detection with Kafka, torch serve, AWS EC2
bc-li/MSRA-USTC-AISystemProject-2021
🥏 My source code for MSRA-USTC Joint Innovation Project 2021 Track AI System: Deploying deep learning model on Docker to prepare for large-scale inference.
jatin837/tomato_health_check_with_computer_vision
Blight detection in tomato 🍅 using convolutional neural networks
naram92/DeepFakeDetection-torchserve-deployment
How to deploy the deefake detection model using torchserve
stevinc/MNIST-Inference
MNIST inference using torchserve, flask and docker
texano00/TorchServe-Lab
🚀 TorchServe playground includes step by step Kubernetes installation and inference stress tests using JMeter (most models from HuggingFace)
tripathiarpan20/HF-torchserve-pipeline
Template to serve, optimize and scale 🤗 pipeline in production with Torchserve & Docker
williamcorsel/TorchMenu
GUI for managing your TorchServe server
lastsign/sentiment_microservices
Microservices with HTTP, TorchServe Server, FastApi and Docker-compose
mhannani/torchcutter
A logical, reasonably standardized, but flexible framework for training, evaluating, monitoring and deploying PyTorch models.
tryumanshow/NER-Pipeline
Simple NER Pipeline Using KoCharELECTRA