Pinned Repositories
100-nlp-papers
100 Must-Read NLP Papers
18.06-linalg-notes
MIT-18.06-线性代数-完整笔记
dtaidistance
Time series distances: Dynamic Time Warping (DTW)
OpenPSG
Benchmarking Panoptic Scene Graph Generation (PSG), ECCV'22
PatchyCapsules
RarePlanes
spatio-temporal-embedding
Code accompanying the ICLR 2020 submission: Learning a Spatio-Temporal Embedding for Video Instance Segmentation.
jdc08161063's Repositories
jdc08161063/3DDFA_V2
The official PyTorch implementation of Towards Fast, Accurate and Stable 3D Dense Face Alignment, ECCV 2020.
jdc08161063/3DFuture_ins_seg
1st Place Solutions of 3D AI Challenge 2020(IJCAI-PRICAI 2020 Workshop) - Instance Segmentation Track
jdc08161063/awesome-youtubers
▶️ An awesome list containing awesome YouTubers that teach about technology
jdc08161063/COVID-19-CT-Seg-Benchmark
A Benchmark for Lung and Infection Segmentation in COVID-19 CT scans
jdc08161063/dissect
Code for the Proceedings of the National Academy of Sciences 2020 article, "Understanding the Role of Individual Units in a Deep Neural Network"
jdc08161063/FacePose_pytorch
This is a pure python project predict head pose (yaw,roll,pitch).Easy to deploy, easy to use, and high accuracy
jdc08161063/frankmocap
A Strong and Easy-to-use Single View 3D Hand+Body Pose Estimator
jdc08161063/GAST-Net-3DPoseEstimation
A Graph Attention Spatio-temporal Convolutional Networks for 3D Human Pose Estimation in Video (GAST-Net)
jdc08161063/GraphSTONE
An implementation of "Graph Structural-topic Neural Network"
jdc08161063/labelme
Image Polygonal Annotation with Python (polygon, rectangle, circle, line, point and image-level flag annotation).
jdc08161063/lungmask
Automated lung segmentation in CT
jdc08161063/MIDAS
Anomaly Detection on Dynamic (time-evolving) Graphs in Real-time and Streaming manner. Detecting intrusions (DoS and DDoS attacks), frauds, fake rating anomalies.
jdc08161063/MML-Book
Code / solutions for Mathematics for Machine Learning (MML Book)
jdc08161063/MWCNNv2
Multi-level Wavelet Convolutional Neural Networks
jdc08161063/open_brats2020
Top 10 brats 2020 Solution
jdc08161063/PAN
[Params: Only 272K!!!] Efficient Image Super-Resolution Using Pixel Attention, in ECCV Workshop, 2020.
jdc08161063/pyGAT
Pytorch implementation of the Graph Attention Network model by Veličković et. al (2017, https://arxiv.org/abs/1710.10903)
jdc08161063/pytorch-gan-collections
jdc08161063/pytorch-GAT
My implementation of the original GAT paper (Veličković et al.). I've additionally included the playground.py file for visualizing the Cora dataset, GAT embeddings, an attention mechanism, and entropy histograms. I've supported both Cora (transductive) and PPI (inductive) examples!
jdc08161063/quarkdet
QuarkDet lightweight object detection in PyTorch .Real-Time Object Detection on Mobile Devices.
jdc08161063/RetinalVesselSegmentation
Retinal blood vessel segmentation based on U-Net.
jdc08161063/semantic-segmentation-editor
Web labeling tool for bitmap images and point clouds
jdc08161063/SensatUrban
🔥Urban-scale point cloud dataset
jdc08161063/Sketch-Based-Deep-Learning
A resource repository for sketch based deep learning papers
jdc08161063/swin-transformer-pytorch
Implementation of the Swin Transformer in PyTorch.
jdc08161063/TTNet-Real-time-Analysis-System-for-Table-Tennis-Pytorch
Unofficial implementation of "TTNet: Real-time temporal and spatial video analysis of table tennis" (CVPR 2020)
jdc08161063/ultimate-python
Ultimate Python study guide for newcomers and professionals alike. :snake: :snake: :snake:
jdc08161063/Vehicle-Car-detection-and-multilabel-classification
使用YOLO_v3_tiny和B-CNN实现街头车辆的检测和车辆属性的多标签识别 Using yolo_v3_tiny to do vehicle or car detection and attribute's multilabel classification or recognize
jdc08161063/yolact_edge
The first competitive instance segmentation approach that runs on small edge devices at real-time speeds.
jdc08161063/yolov5-mobilenetv3