Pinned Repositories
algorithm
algorithm4interviewpractice
athena
:notebook:Java后端知识图谱
attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
cnn-re-tf
Convolutional Neural Network for Multi-label Multi-instance Relation Extraction in Tensorflow
collaborative-rnn
A TensorFlow implementation of the collaborative RNN (Ko et al, 2016).
Deep-Learning
deepnet
Implementations of CNNs, RNNs and cool new techniques in deep learning from scratch
dogs_vs_cats
猫狗大战
emnlp2017-relation-extraction
Context-Aware Representations for Knowledge Base Relation Extraction
emoji2vec
emoji2vec: Learning Emoji Representations from their Description
SuperAlexander's Repositories
SuperAlexander/algorithm
algorithm4interviewpractice
SuperAlexander/athena
:notebook:Java后端知识图谱
SuperAlexander/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
SuperAlexander/collaborative-rnn
A TensorFlow implementation of the collaborative RNN (Ko et al, 2016).
SuperAlexander/Deep-Learning
SuperAlexander/deepnet
Implementations of CNNs, RNNs and cool new techniques in deep learning from scratch
SuperAlexander/emnlp2017-relation-extraction
Context-Aware Representations for Knowledge Base Relation Extraction
SuperAlexander/gae
Implementation of Graph Auto-Encoders in TensorFlow
SuperAlexander/gcn
Implementation of Graph Convolutional Networks in TensorFlow
SuperAlexander/gconvRNN
Graph convolutional recurrent neural network
SuperAlexander/image_captioning
Tensorflow implementation of "Show, Attend and Tell: Neural Image Caption Generation with Visual Attention"
SuperAlexander/Information-Extraction-Chinese
Chinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT 中文实体识别与关系提取
SuperAlexander/joeynmt
Minimalist NMT for educational purposes
SuperAlexander/joint
Joint Source-Target Self Attention with Locality Constraints
SuperAlexander/ML-Tutorial-Experiment
Coding the Machine Learning Tutorial for Learning to Learn
SuperAlexander/models
Models and examples built with TensorFlow
SuperAlexander/ner-lstm
Named Entity Recognition using multilayered bidirectional LSTM
SuperAlexander/nlstm
Nested LSTM Cell
SuperAlexander/nmtpytorch
Neural Machine Translation Framework in PyTorch
SuperAlexander/nn4nlp2017-code
Code Samples from Neural Networks for NLP
SuperAlexander/predicting-poverty
Combining satellite imagery and machine learning to predict poverty
SuperAlexander/pytorch-kaggle-amazon-space
Kaggle竞赛方案(PyTorch):用卫星数据跟踪亚马逊热带雨林人类足迹 Pytorch solution for Planet: Understanding the Amazon from Space https://www.kaggle.com/c/planet-understanding-the-amazon-from-space
SuperAlexander/R2CNN_FPN_Tensorflow
R2CNN: Rotational Region CNN Based on FPN (Tensorflow)
SuperAlexander/ResCNN_RelationExtraction
Deep Residual Learning for Weakly-Supervised Relation Extraction: https://arxiv.org/abs/1707.08866
SuperAlexander/Tensorflow-Project-Template
A best practice for tensorflow project template architecture.
SuperAlexander/text_classification
all kinds of text classificaiton models and more with deep learning
SuperAlexander/TextAnalysis.jl
Julia package for text analysis
SuperAlexander/tf-image-classification
cnn for classification
SuperAlexander/tf-rnn-attention
Tensorflow implementation of attention mechanism for text classification tasks.
SuperAlexander/transferlearning
Resources and codes about transfer learning and domain adaptation--迁移学习