Pinned Repositories
AdamW-pytorch
Implementation and experiment for AdamW on pytorch
adamwr
Implements https://arxiv.org/abs/1711.05101 AdamW optimizer and cosine learning rate scheduler for PyTorch framework
AMSGradpytorch
Experiments on AMSGrad
Attention-CNN-work
attention-networks-for-classification
Hierarchical Attention Networks for Document Classification in PyTorch
Attention_based-CNN-LSTM-for-sentence-classification
keras结合Attention机制用CNN和LSTM进行句子分类
Awesome-Chatbot
Awesome Chatbot Projects,Corpus,Papers,Tutorials.
Awesome-Chinese-NLP
A curated list of resources for NLP (Natural Language Processing) for Chinese 中文自然语言处理相关资料
Interesting-Factors
Here are some interesting factors found in some research reports, keep updating
PyTorchZeroToAll
Simple PyTorch Tutorials Zero to ALL!
jkhlot's Repositories
jkhlot/adamwr
Implements https://arxiv.org/abs/1711.05101 AdamW optimizer and cosine learning rate scheduler for PyTorch framework
jkhlot/DeepMoji
State-of-the-art deep learning model for analyzing sentiment, emotion, sarcasm etc.
jkhlot/early-stopping-pytorch
Early stopping for PyTorch
jkhlot/kaggle-HPA
Kaggle Human Protein Atlas Image Classification 73th solution
jkhlot/TextClassificationBenchmark
A Benchmark of Text Classification in PyTorch
jkhlot/trellisnet
Trellis Networks for Sequence Modeling
jkhlot/AI-Comp
AI-Challenger Baseline 细粒度用户评论情感分析
jkhlot/attention-is-all-you-need-keras
A Keras+TensorFlow Implementation of the Transformer: Attention Is All You Need
jkhlot/awd-lstm-lm
LSTM and QRNN Language Model Toolkit for PyTorch
jkhlot/basenet
Pytorch NN helpers
jkhlot/bpemb
Pre-trained subword embeddings in 275 languages, based on Byte-Pair Encoding (BPE)
jkhlot/CCF-BDCI-Sentiment-Analysis-Baseline
The code for CCF-BDCI-Sentiment-Analysis-Baseline
jkhlot/deep-learning
Repo for the Deep Learning Nanodegree Foundations program.
jkhlot/DPCNN
Deep Pyramid Convolutional Neural Networks for Text Categorization in PyTorch
jkhlot/homemade-machine-learning
🤖 Python examples of popular machine learning algorithms with interactive Jupyter demos and math being explained
jkhlot/Kaggle_Competition_Treasure
Describe past Kaggle solutions
jkhlot/keras-bert
A simple technique to integrate BERT from tf hub to keras
jkhlot/LeetCode
:pencil2: LeetCode solutions in C++ 11 and Python3
jkhlot/lightfm
A Python implementation of LightFM, a hybrid recommendation algorithm.
jkhlot/ML-DL-scripts
The repository provides usefull python scripts for ML and data analysis
jkhlot/NLP-progress
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
jkhlot/nlp_overview
Overview of Modern Deep Learning Techniques Applied to Natural Language Processing
jkhlot/open-solution-toxic-comments
Open solution to the Toxic Comment Classification Challenge
jkhlot/Self-Attentive-tensorflow
Tensorflow implementation of "A Structured Self-Attentive Sentence Embedding"
jkhlot/stockpredictionai
In this noteboook I will create a complete process for predicting stock price movements. Follow along and we will achieve some pretty good results. For that purpose we will use a Generative Adversarial Network (GAN) with LSTM, a type of Recurrent Neural Network, as generator, and a Convolutional Neural Network, CNN, as a discriminator. We use LSTM for the obvious reason that we are trying to predict time series data. Why we use GAN and specifically CNN as a discriminator? That is a good question: there are special sections on that later.
jkhlot/TensorFlow-Course
Simple and ready-to-use tutorials for TensorFlow
jkhlot/Text-Classification
Implementation of papers for text classification task on DBpedia
jkhlot/Text-Similarity
Text-Similarity Method in Pytorch
jkhlot/ulm-basenet
Implementation of ULMFit algorithm for text classification via transfer learning
jkhlot/wenzheng
ai challenger 2018细粒度情感分类第一名解决方案,统一使用tensorflow和pytorch的一个框架