JHLee0513
5th year MS student at the University of Washington. Interested in Robotics and Deep Learning.
Seattle, WA
JHLee0513's Stars
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
tensorflow/models
Models and examples built with TensorFlow
adam-p/markdown-here
Google Chrome, Firefox, and Thunderbird extension that lets you write email in Markdown and render it before sending.
coqui-ai/TTS
🐸💬 - a deep learning toolkit for Text-to-Speech, battle-tested in research and production
microsoft/DeepSpeed
DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
facebookresearch/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
qubvel-org/segmentation_models.pytorch
Semantic segmentation models with 500+ pretrained convolutional and transformer-based backbones.
open-mmlab/mmsegmentation
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
eriklindernoren/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
xingyizhou/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
EleutherAI/gpt-neox
An implementation of model parallel autoregressive transformers on GPUs, based on the Megatron and DeepSpeed libraries
src-d/awesome-machine-learning-on-source-code
Cool links & research papers related to Machine Learning applied to source code (MLonCode)
zylo117/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
huawei-noah/Efficient-AI-Backbones
Efficient AI Backbones including GhostNet, TNT and MLP, developed by Huawei Noah's Ark Lab.
jettify/pytorch-optimizer
torch-optimizer -- collection of optimizers for Pytorch
princeton-vl/CornerNet-Lite
streamlit/demo-self-driving
Streamlit app demonstrating an image browser for the Udacity self-driving-car dataset with realtime object detection using YOLO.
NVIDIA-AI-IOT/nanosam
A distilled Segment Anything (SAM) model capable of running real-time with NVIDIA TensorRT
tunguz/ML_Resources
GitHub Repo with various ML/AI/DS resources that I find useful
chensong1995/HybridPose
HybridPose: 6D Object Pose Estimation under Hybrid Representation (CVPR 2020)
clovaai/AdamP
AdamP: Slowing Down the Slowdown for Momentum Optimizers on Scale-invariant Weights (ICLR 2021)
zju3dv/clean-pvnet
Code for "PVNet: Pixel-wise Voting Network for 6DoF Pose Estimation" CVPR 2019 oral
j96w/6-PACK
"6-PACK: Category-level 6D Pose Tracker with Anchor-Based Keypoints" code repository
Alex-Lekov/AutoML_Alex
State-of-the art Automated Machine Learning python library for Tabular Data
leofansq/Tools_RosBag2KITTI
Conversion from ROSBAG (.bag) to image (.png) and points cloud (.bin), including ROSBAG decoding, pcd2bin and file directory extraction.
PingoLH/FCHarDNet
Fully Convolutional HarDNet for Segmentation in Pytorch
khornlund/pytorch-balanced-sampler
PyTorch implementations of `BatchSampler` that under/over sample according to a chosen parameter alpha, in order to create a balanced training distribution.
snap-research/representations-for-creativity
quocthai9120/UW-NLP-Capstone-SP22