JerryChiao's Stars
KaihuaTang/Scene-Graph-Benchmark.pytorch
A new codebase for popular Scene Graph Generation methods (2020). Visualization & Scene Graph Extraction on custom images/datasets are provided. It's also a PyTorch implementation of paper “Unbiased Scene Graph Generation from Biased Training CVPR 2020”
Alro10/deep-learning-time-series
List of papers, code and experiments using deep learning for time series forecasting
shenweichen/DeepCTR
Easy-to-use,Modular and Extendible package of deep-learning based CTR models .
yzhao062/anomaly-detection-resources
Anomaly detection related books, papers, videos, and toolboxes
philipperemy/yolo-9000
YOLO9000: Better, Faster, Stronger - Real-Time Object Detection. 9000 classes!
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
CTI-VISION/PERR
A new task named Pairwise Emotional Relationship Recognition
xjtushujun/meta-weight-net
NeurIPS'19: Meta-Weight-Net: Learning an Explicit Mapping For Sample Weighting (Pytorch implementation for noisy labels).
zhaoxin94/awesome-domain-adaptation
A collection of AWESOME things about domian adaptation
Tencent/FaceDetection-DSFD
腾讯优图高精度双分支人脸检测器
datawhalechina/pumpkin-book
《机器学习》(西瓜书)公式详解
carpedm20/ENAS-pytorch
PyTorch implementation of "Efficient Neural Architecture Search via Parameters Sharing"
mtreviso/linear-chain-crf
Implementation of a linear-chain CRF in PyTorch
alexanderkroner/saliency
Contextual Encoder-Decoder Network for Visual Saliency Prediction [Neural Networks 2020]
marcellacornia/sam
Predicting Human Eye Fixations via an LSTM-based Saliency Attentive Model. IEEE Transactions on Image Processing (2018)
AnyiRao/SceneSeg
Codebase for CVPR2020 A Local-to-Global Approach to Multi-modal Movie Scene Segmentation
yl-1993/learn-to-cluster
Learning to Cluster Faces (CVPR 2019, CVPR 2020)
facebookresearch/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
bayesian-optimization/BayesianOptimization
A Python implementation of global optimization with gaussian processes.
Gorilla-Lab-SCUT/SRDC-CVPR2020
Code release for Unsupervised Domain Adaptation via Structurally Regularized Deep Clustering (CVPR2020-Oral).
JDAI-CV/fast-reid
SOTA Re-identification Methods and Toolbox
alisure-ml/awesome-visual-relationship-detection
A curated list of visual relationship detection and related area resources
rdevon/DIM
Deep InfoMax (DIM), or "Learning Deep Representations by Mutual Information Estimation and Maximization"
lcylmhlcy/Awesome-algorithm-interview
算法工程师(人工智能CV方向)面试问题及相关资料
yuanxiaosc/DeepImage-an-Image-to-Image-technology
DeepNude's algorithm and general image generation theory and practice research, including pix2pix, CycleGAN, UGATIT, DCGAN, SinGAN, ALAE, mGANprior, StarGAN-v2 and VAE models (TensorFlow2 implementation). DeepNude的算法以及通用生成对抗网络(GAN,Generative Adversarial Network)图像生成的理论与实践研究。
thu-ml/zhusuan
A probabilistic programming library for Bayesian deep learning, generative models, based on Tensorflow
cydonia999/Tiny_Faces_in_Tensorflow
A Tensorflow Tiny Face Detector, implementing "Finding Tiny Faces"
huanghoujing/AlignedReID-Re-Production-Pytorch
Reproduce AlignedReID: Surpassing Human-Level Performance in Person Re-Identification, using Pytorch.
michuanhaohao/AlignedReID
Alignedreid++: Dynamically Matching Local Information for Person Re-Identification.