Pinned Repositories
bert-Chinese-classification-task
bert中文分类实践
biLSTM_attn
deepLearningBook-Notes
Notes on the Deep Learning book from Ian Goodfellow, Yoshua Bengio and Aaron Courville (2016)
firstsoftmax
kaggle-u-net-and-data
kaggle_sci_bowl
Keras-GAN
Keras implementations of Generative Adversarial Networks.
pytorch-pretrained-BERT
PyTorch version of Google AI's BERT model with script to load Google's pre-trained models
Tensorflow-Tutorial
Tensorflow tutorial from basic to hard
tran_inception-v3_flower
u784799i's Repositories
u784799i/biLSTM_attn
u784799i/deepLearningBook-Notes
Notes on the Deep Learning book from Ian Goodfellow, Yoshua Bengio and Aaron Courville (2016)
u784799i/kaggle-u-net-and-data
u784799i/kaggle_sci_bowl
u784799i/Keras-GAN
Keras implementations of Generative Adversarial Networks.
u784799i/pytorch-pretrained-BERT
PyTorch version of Google AI's BERT model with script to load Google's pre-trained models
u784799i/bert-Chinese-classification-task
bert中文分类实践
u784799i/cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
u784799i/data-science-bowl-2018
open solution to the Data Science Bowl 2018
u784799i/face_classification
Real-time face detection and emotion/gender classification using fer2013/imdb datasets with a keras CNN model and openCV.
u784799i/face_recognition
The world's simplest facial recognition api for Python and the command line
u784799i/fashion-mnist
A MNIST-like fashion product database. Benchmark :point_right:
u784799i/fastai
The fast.ai deep learning library, lessons, and tutorials
u784799i/fastText
Library for fast text representation and classification.
u784799i/HAN-pytorch
(Deprecated) Hierarchical Attention Networks for Document Classification (https://www.cs.cmu.edu/~diyiy/docs/naacl16.pdf) - in Pytorch
u784799i/kaggle_titanic
u784799i/koalas
Koalas: pandas API on Apache Spark
u784799i/machine-learning
u784799i/matplot_learn
u784799i/Mem2Seq
Mem2Seq: Effectively Incorporating Knowledge Bases into End-to-End Task-Oriented Dialog Systems
u784799i/ml-bo
u784799i/mSRGAN-A-GAN-for-single-image-super-resolution-on-high-content-screening-microscopy-images.
Generative Adversarial Network for single image super-resolution in high content screening microscopy images
u784799i/Multi-Label-Text-Classification
Tensorflow+bilstm+attention+multi label text classify
u784799i/pytorch-CycleGAN-and-pix2pix
Image-to-image translation in PyTorch (e.g. horse2zebra, edges2cats, and more)
u784799i/sci_bowl_data
u784799i/sklearn
u784799i/StarGAN
PyTorch Implementation of "StarGAN: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image Tranlsation".
u784799i/tensorflow-1
Computation using data flow graphs for scalable machine learning
u784799i/text_classification
all kinds of text classificaiton models and more with deep learning
u784799i/torch_light
Deep-learning by using Pytorch. Basic nns like Logistic, CNN, RNN, LSTM and some examples are implemented by complex model.