Pinned Repositories
ABCNN
Implementation of ABCNN(Attention-Based Convolutional Neural Network) on Tensorflow
AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
attention
some attention implements
bi-att-flow
Bi-directional Attention Flow (BiDAF) network is a multi-stage hierarchical process that represents context at different levels of granularity and uses a bi-directional attention flow mechanism to achieve a query-aware context representation without early summarization.
Char-RNN-TensorFlow
Multi-language Char RNN in TensorFlow.
cifar-10-cnn
Using cifar-10 datasets to learn deep learning.
cnn-lstm-bilstm-deepcnn-clstm-in-pytorch
In pytorch Learing Neural Networks likes CNN、LSTM、BiLSTM、DeepCNN 、CLSTM、CNN and LSTM
cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
CNN_sentence
CNNs for sentence classification
Deep-Learning
some projects and materials of deep learning
Mryeshuai's Repositories
Mryeshuai/Deep-Learning
some projects and materials of deep learning
Mryeshuai/ABCNN
Implementation of ABCNN(Attention-Based Convolutional Neural Network) on Tensorflow
Mryeshuai/AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
Mryeshuai/attention
some attention implements
Mryeshuai/bi-att-flow
Bi-directional Attention Flow (BiDAF) network is a multi-stage hierarchical process that represents context at different levels of granularity and uses a bi-directional attention flow mechanism to achieve a query-aware context representation without early summarization.
Mryeshuai/Char-RNN-TensorFlow
Multi-language Char RNN in TensorFlow.
Mryeshuai/cifar-10-cnn
Using cifar-10 datasets to learn deep learning.
Mryeshuai/cnn-lstm-bilstm-deepcnn-clstm-in-pytorch
In pytorch Learing Neural Networks likes CNN、LSTM、BiLSTM、DeepCNN 、CLSTM、CNN and LSTM
Mryeshuai/cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
Mryeshuai/cs231n
cs231n assignments
Mryeshuai/DeepLearn
Implementation of research papers on Deep Learning+ NLP+ CV in Python using Keras, Tensorflow and Scikit Learn.
Mryeshuai/gluon-tutorials-zh
通过 MXNet / Gluon 来动手学习深度学习
Mryeshuai/handson-ml
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.
Mryeshuai/multi-class-text-classification-cnn-rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
Mryeshuai/nlp-project
nlp project
Mryeshuai/pytorch-beginner
pytorch tutorial for beginners
Mryeshuai/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
Mryeshuai/PyTorch-Tutorial-1
Build your neural network easy and fast
Mryeshuai/S-LSTM
Code for the paper: Sentence-State LSTM for Text Representation
Mryeshuai/SentenceClassifier
PyTorch Sentence Classifier (CNN RNN)
Mryeshuai/Stanford-CS-229-CN
A Chinese Translation of Stanford CS229 notes 斯坦福机器学习CS229课程讲义的中文翻译
Mryeshuai/tensorflow
Computation using data flow graphs for scalable machine learning
Mryeshuai/TensorFlow-Tutorials
Simple tutorials using Google's TensorFlow Framework
Mryeshuai/tf-rnn-attention
Tensorflow implementation of attention mechanism for text classification tasks.
Mryeshuai/tf-text-classification
CNN and RNN with Attention for Chinese Text Classification in Tensorflow
Mryeshuai/torchMoji
😇A pyTorch implementation of the DeepMoji model: state-of-the-art deep learning model for analyzing sentiment, emotion, sarcasm etc
Mryeshuai/train_cnn-rnn-attention
cnn+rnn+attention: vgg(vgg16,vgg19)+rnn(LSTM, GRU)+attention, resnet(resnet_v2_50,resnet_v2_101,resnet_v2_152)+rnnrnn(LSTM, GRU)+attention, inception_v4+rnn(LSTM, GRU)+attention, inception_resnet_v2+rnn(LSTM, GRU)+attention,.....
Mryeshuai/zh_cnn_text_classify
基于CNN的中文文本分类算法(可应用于垃圾邮件过滤、情感分析等场景)
Mryeshuai/zhihu-crawler-people
一个简单的分布式知乎爬虫 && 数据分析
Mryeshuai/Zhihu-Spider
一个获取知乎用户主页信息的多线程Python爬虫程序。