miseon-neubla's Stars
aws/amazon-sagemaker-examples
Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker.
microsoft/DeepSpeed-MII
MII makes low-latency and high-throughput inference possible, powered by DeepSpeed.
promptslab/Awesome-Prompt-Engineering
This repository contains a hand-curated resources for Prompt Engineering with a focus on Generative Pre-trained Transformer (GPT), ChatGPT, PaLM etc
ray-project/ray
Ray is an AI compute engine. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.
LiuRicky/ts2_net
[ECCV2022] A pytorch implementation for TS2-Net: Token Shift and Selection Transformer for Text-Video Retrieval
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
NielsRogge/Transformers-Tutorials
This repository contains demos I made with the Transformers library by HuggingFace.
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
asyml/vision-transformer-pytorch
Pytorch version of Vision Transformer (ViT) with pretrained models. This is part of CASL (https://casl-project.github.io/) and ASYML project.
SAP-archive/ml-model-watermarking
Protect your machine learning models easily and securely with watermarking 🔑
inspire-group/membership-inference-evaluation
Systematic Evaluation of Membership Inference Privacy Risks of Machine Learning Models
Trusted-AI/adversarial-robustness-toolbox
Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning Security - Evasion, Poisoning, Extraction, Inference - Red and Blue Teams
privacytrustlab/ml_privacy_meter
Privacy Meter: An open-source library to audit data privacy in statistical and machine learning algorithms.
cleverhans-lab/cleverhans
An adversarial example library for constructing attacks, building defenses, and benchmarking both
Shawn-Shan/forensics
Code Implementation for Traceback of Data Poisoning Attacks in Neural Networks
liuyugeng/ML-Doctor
Code for ML Doctor
triton-inference-server/model_analyzer
Triton Model Analyzer is a CLI tool to help with better understanding of the compute and memory requirements of the Triton Inference Server models.
ZhengChenCS/ParSecureML
A Parallel Secure Machine Learning Framework on GPUs
kakaobrain/kogpt
KakaoBrain KoGPT (Korean Generative Pre-trained Transformer)
jiphyeonjeon/season2
Jiphyeonjeon Season 2
facebookresearch/HolisticTraceAnalysis
A library to analyze PyTorch traces.
NVIDIA/FasterTransformer
Transformer related optimization, including BERT, GPT
roboflow/zero-shot-object-tracking
Object tracking implemented with the Roboflow Inference API, DeepSort, and OpenAI CLIP.
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
NVIDIA/DeepLearningExamples
State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure.
microsoft/DeepSpeedExamples
Example models using DeepSpeed
tunib-ai/parallelformers
Parallelformers: An Efficient Model Parallelization Toolkit for Deployment
microsoft/Megatron-DeepSpeed
Ongoing research training transformer language models at scale, including: BERT & GPT-2
microsoft/DeepSpeed
DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
tensorflow/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.