Pinned Repositories
2016_ADL
Applied Deep Learning @National Taiwan University
3d_pose_baseline_pytorch
A simple baseline for 3d human pose estimation in PyTorch.
3D_Pose_Estimation_CVPR2016
3DGAN-Pytorch
3DGAN-Pytorch
abu_ml
机器学习技术研究室——by阿布量化小组
AlphaPose
Real-Time and Accurate Multi-Person Pose Estimation&Tracking System
Automatic_Speech_Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
awesome-deep-learning-papers
The most cited deep learning papers
generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
kevinlemon's Repositories
kevinlemon/3d_pose_baseline_pytorch
A simple baseline for 3d human pose estimation in PyTorch.
kevinlemon/AlphaPose
Real-Time and Accurate Multi-Person Pose Estimation&Tracking System
kevinlemon/bindsnet
Simulation of spiking neural networks (SNNs) using PyTorch.
kevinlemon/comparing-trajectory-clustering-methods
Comparing Different Clustering Methods and Similarity Metrics on Trajectory Datasets
kevinlemon/ComplexCNN
pytorch implementation of complex convolutional neural network
kevinlemon/Contractive_Autoencoder_in_Pytorch
Pytorch implementation of contractive autoencoder on MNIST dataset
kevinlemon/cycada_release
Code to accompany ICML 2018 paper
kevinlemon/DiscoGAN-pytorch
PyTorch implementation of "Learning to Discover Cross-Domain Relations with Generative Adversarial Networks"
kevinlemon/ENAS-pytorch
PyTorch implementation of "Efficient Neural Architecture Search via Parameters Sharing"
kevinlemon/factored3d
Code release for "Factoring Shape, Pose, and Layout from the 2D Image of a 3D Scene"
kevinlemon/grad-cam-pytorch
PyTorch implementation of Grad-CAM
kevinlemon/hypersearch
Hyerparameter Optimization for PyTorch
kevinlemon/imgaug
Image augmentation for machine learning experiments.
kevinlemon/learnable-triangulation-pytorch
This repository is an official PyTorch implementation of the paper "Learnable Triangulation of Human Pose" (ICCV 2019, oral). Proposed method archives state-of-the-art results in multi-view 3D human pose estimation!
kevinlemon/Machine-Learning-for-3D-Data
CSE291-I00 - Winter 2018
kevinlemon/MMAN
Code for ECCV2018 paper:Macro-Micro Adversarial Network for Human Parsing
kevinlemon/MSG-GAN
MSG-GAN: Multi-Scale Gradients GAN (Architecture inspired from ProGAN but doesn't use layer-wise pretraining)
kevinlemon/pytorch-domain-adaptation
A collection of implementations of adversarial domain adaptation algorithms
kevinlemon/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
kevinlemon/pytorch-OpCounter
Count the FLOPs of your PyTorch model.
kevinlemon/pytorch_HMR
pytorch version of "End-to-end Recovery of Human Shape and Pose"
kevinlemon/pytorch_image_classification
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST
kevinlemon/pytorchviz
A small package to create visualizations of PyTorch execution graphs
kevinlemon/relu_networks_overconfident
Why ReLU networks yield high-confidence predictions far away from the training data and how to mitigate the problem [CVPR 2019, oral]
kevinlemon/semantic-segmentation-pytorch
Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset
kevinlemon/temperature_scaling
A simple way to calibrate your neural network.
kevinlemon/transferlearning
Everything about Transfer Learning and Domain Adaptation--迁移学习
kevinlemon/Tutorial_BayesianCompressionForDL
A tutorial on "Bayesian Compression for Deep Learning" published at NIPS (2017).
kevinlemon/VideoPose3D
Efficient 3D human pose estimation in video using 2D keypoint trajectories
kevinlemon/whale