zjuPeco's Stars
bharathgs/Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
threelittlemonkeys/lstm-crf-pytorch
LSTM-CRF in PyTorch
ZhixiuYe/NER-pytorch
LSTM+CRF NER
ZhixiuYe/HSCRF-pytorch
ACL 2018: Hybrid semi-Markov CRF for Neural Sequence Labeling (http://aclweb.org/anthology/P18-2038)
rfelixmg/frwgan-eccv18
Code for model presented on our paper accepted on European Conference on Computer Vision 2018.
instillai/TensorFlow-Course
:satellite: Simple and ready-to-use tutorials for TensorFlow
Hironsan/anago
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
Honlan/DeepInterests
深度有趣
yinboc/DGP
Rethinking Knowledge Graph Propagation for Zero-Shot Learning, in CVPR 2019
tkipf/pygcn
Graph Convolutional Networks in PyTorch
JudyYe/zero-shot-gcn
Zero-Shot Learning with GCN (CVPR 2018)
jeong-tae/RACNN-pytorch
This is a third party implementation of RA-CNN in pytorch.
dillondavis/RecurrentAttentionConvolutionalNeuralNetwork
http://openaccess.thecvf.com/content_cvpr_2017/papers/Fu_Look_Closer_to_CVPR_2017_paper.pdf
kevinzakka/recurrent-visual-attention
A PyTorch Implementation of "Recurrent Models of Visual Attention"
ArcherFMY/Paper_Reading_List
Recommended Papers. Subjects: Computer Vision and Pattern Recognition (cs.CV); Artificial Intelligence (cs.AI); Learning (cs.LG)
bokeh/bokeh
Interactive Data Visualization in the browser, from Python
pytorch/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
bayesgroup/deepbayes-2018
Seminars DeepBayes Summer School 2018
YouChouNoBB/ijcai-18-top2-single-mole-solution
复赛第二名单模型方案,没有特征选择没有调参LGB单模型857个特征
AIChallenger/AI_Challenger_2018
AI Challenger, a platform for open datasets and programming competitions to artificial intelligence (AI) talents around the world. https://challenger.ai/
Elyorcv/zsl-deep-learning
Zero-shot learning experiments by deep learning.
ZuzooVn/machine-learning-for-software-engineers
A complete daily plan for studying to become a machine learning engineer.
Lzh566566/SAE-in-python
a python implement of the paper Semantic Autoencoder for Zero-Shot Learning
kazuto1011/grad-cam-pytorch
PyTorch re-implementation of Grad-CAM (+ vanilla/guided backpropagation, deconvnet, and occlusion sensitivity maps)
jacobgil/pytorch-grad-cam
Advanced AI Explainability for computer vision. Support for CNNs, Vision Transformers, Classification, Object detection, Segmentation, Image similarity and more.
Kulbear/deep-learning-coursera
Deep Learning Specialization by Andrew Ng on Coursera.
jadore801120/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
erogol/Net2Net
Net2Net implementation on PyTorch for any possible vision layers.
SSQ/Coursera-UW-Machine-Learning-Clustering-Retrieval
timgaripov/swa
Stochastic Weight Averaging in PyTorch