kkheon's Stars
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
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
facebookresearch/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
AppHouseKitchen/AlDente-Charge-Limiter
Menubar Tool to set Charge Limits and Prolong Battery Lifespan
cocodataset/cocoapi
COCO API - Dataset @ http://cocodataset.org/
open-mmlab/mmtracking
OpenMMLab Video Perception Toolbox. It supports Video Object Detection (VID), Multiple Object Tracking (MOT), Single Object Tracking (SOT), Video Instance Segmentation (VIS) with a unified framework.
daijifeng001/R-FCN
R-FCN: Object Detection via Region-based Fully Convolutional Networks
alexgkendall/SegNet-Tutorial
Files for a tutorial to train SegNet for road scenes using the CamVid dataset
Scalsol/mega.pytorch
Memory Enhanced Global-Local Aggregation for Video Object Detection, CVPR2020
fanq15/Few-Shot-Object-Detection-Dataset
jacobkimmel/pytorch_modelsize
Estimates the size of a PyTorch model in memory
NVIDIA/ai-assisted-annotation-client
Client side integration example source code and libraries for AI-Assisted Annotation SDK
SJTU-LuHe/TransVOD
The repository is the code for the paper "End-to-End Video Object Detection with Spatial-TemporalTransformers"
trsvchn/coco-viewer
Minimalistic COCO Dataset Viewer in Tkinter
harpalsahota/bbaug
Bounding box augmentations for Pytorch
xdshang/VidVRD-helper
To keep updates with VRU Grand Challenge, please use https://github.com/NExTplusplus/VidVRD-helper
baldassarreFe/pytorch-densenet-tiramisu
PyTorch implementation of DenseNet and FCDenseNet
qianyuzqy/TransVOD_Lite
(TPAMI 2023) TransVOD:End-to-End Video Object Detection with Spatial-Temporal Transformers (implementations of TransVOD Lite).
YukaiDing/STA-LSTM
Spatio-temporal attention LSTM model for Spatio-temporal series problems
Carmenliang/UI_synthesis
Platform for Synthesis Ultrasound Images
junyongyou/Attention-boosted-deep-networks-for-video-classification
This is a implementation of integrating a simple but efficient attention block in CNN + bidirectional LSTM for video classification.
sawankumar94/Key-Frames-Extraction-from-Video
Using Color Histogram, SVD and Dynamic Clustering Method obtained Key-Frames from a video. This analysis can be used to identify frames which make a shot. The code is well documented.
lemondan/Focal-liver-lesions-dataset-in-CEUS
We publish our SYSU-CEUS dataset, which consists of three types of FLLs: 186 HCC instances, 109 HEM instances and 58 FNH instances (i.e.,186 malignant instances and 167 benign instances). In this repository, we only upload a small set of data to illustrate. Please contact xdliang328@gmail.com, if you need the full dataset for academic purposes.
mmiv-center/DICOMAnonymizer
A multi-threaded anonymizer for DICOM files implementing most of DICOM PS 3.15 AnnexE
Yuqi-Zest/CEUS-tracking-software
matlab, Contrast Enhanced Ultrasound Dataset Building Software
haozhiwen-fighting/Contrast-enhanced-Ultrasound-for-Thyroid-Nodules-Diagnosis
JsongZhang/US-MTD120K-Benchmarking-Test
hololee/coarse-to-fine-segmentation-labelling
HaochenW/ILSVRC2Yolo
Convert ILSVRC2015_VID .xml format to Yolo Darknet format
Xubbbb/CNN-LSTM-VideoClassification
SJTU SE3332 ML lab3