All Projects → Protein Sequence Embedding Iclr2019 → Similar Projects or Alternatives

378 Open source projects that are alternatives of or similar to Protein Sequence Embedding Iclr2019

Relational Rnn Pytorch
An implementation of DeepMind's Relational Recurrent Neural Networks in PyTorch.
Stars: ✭ 236 (+21.65%)
Ctcdecoder
Connectionist Temporal Classification (CTC) decoding algorithms: best path, prefix search, beam search and token passing. Implemented in Python.
Stars: ✭ 529 (+172.68%)
Attention Mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
Stars: ✭ 203 (+4.64%)
Mead Baseline
Deep-Learning Model Exploration and Development for NLP
Stars: ✭ 238 (+22.68%)
Ctcwordbeamsearch
Connectionist Temporal Classification (CTC) decoder with dictionary and language model for TensorFlow.
Stars: ✭ 398 (+105.15%)
Bit Rnn
Quantize weights and activations in Recurrent Neural Networks.
Stars: ✭ 86 (-55.67%)
Electra pytorch
Pretrain and finetune ELECTRA with fastai and huggingface. (Results of the paper replicated !)
Stars: ✭ 149 (-23.2%)
Mutual labels:  language-model
Mss pytorch
Singing Voice Separation via Recurrent Inference and Skip-Filtering Connections - PyTorch Implementation. Demo:
Stars: ✭ 165 (-14.95%)
Mutual labels:  recurrent-neural-networks
Stock Price Predictor
This project seeks to utilize Deep Learning models, Long-Short Term Memory (LSTM) Neural Network algorithm, to predict stock prices.
Stars: ✭ 146 (-24.74%)
Mutual labels:  recurrent-neural-networks
Tupe
Transformer with Untied Positional Encoding (TUPE). Code of paper "Rethinking Positional Encoding in Language Pre-training". Improve existing models like BERT.
Stars: ✭ 143 (-26.29%)
Mutual labels:  language-model
Optimus
Optimus: the first large-scale pre-trained VAE language model
Stars: ✭ 180 (-7.22%)
Mutual labels:  language-model
Hey Jetson
Deep Learning based Automatic Speech Recognition with attention for the Nvidia Jetson.
Stars: ✭ 161 (-17.01%)
Mutual labels:  recurrent-neural-networks
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (-29.9%)
Mutual labels:  recurrent-neural-networks
Lrp for lstm
Layer-wise Relevance Propagation (LRP) for LSTMs
Stars: ✭ 152 (-21.65%)
Mutual labels:  recurrent-neural-networks
Gpt Neo
An implementation of model parallel GPT2& GPT3-like models, with the ability to scale up to full GPT3 sizes (and possibly more!), using the mesh-tensorflow library.
Stars: ✭ 1,252 (+545.36%)
Mutual labels:  language-model
Awd Lstm Lm
LSTM and QRNN Language Model Toolkit for PyTorch
Stars: ✭ 1,834 (+845.36%)
Mutual labels:  language-model
Bert Sklearn
a sklearn wrapper for Google's BERT model
Stars: ✭ 182 (-6.19%)
Mutual labels:  language-model
Ld Net
Efficient Contextualized Representation: Language Model Pruning for Sequence Labeling
Stars: ✭ 148 (-23.71%)
Mutual labels:  language-model
Sru
SRU is a recurrent unit that can run over 10 times faster than cuDNN LSTM, without loss of accuracy tested on many tasks.
Stars: ✭ 2,009 (+935.57%)
Mutual labels:  recurrent-neural-networks
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (-27.32%)
Mutual labels:  recurrent-neural-networks
Automatic Speech Recognition
🎧 Automatic Speech Recognition: DeepSpeech & Seq2Seq (TensorFlow)
Stars: ✭ 192 (-1.03%)
Mutual labels:  language-model
Deep Learning With Pytorch Tutorials
深度学习与PyTorch入门实战视频教程 配套源代码和PPT
Stars: ✭ 1,986 (+923.71%)
Mutual labels:  recurrent-neural-networks
Emotion Recognition Using Speech
Building and training Speech Emotion Recognizer that predicts human emotions using Python, Sci-kit learn and Keras
Stars: ✭ 159 (-18.04%)
Mutual labels:  recurrent-neural-networks
Chars2vec
Character-based word embeddings model based on RNN for handling real world texts
Stars: ✭ 130 (-32.99%)
Mutual labels:  language-model
Deep Lyrics
Lyrics Generator aka Character-level Language Modeling with Multi-layer LSTM Recurrent Neural Network
Stars: ✭ 127 (-34.54%)
Mutual labels:  recurrent-neural-networks
Deep Spying
Spying using Smartwatch and Deep Learning
Stars: ✭ 172 (-11.34%)
Mutual labels:  recurrent-neural-networks
Keras Xlnet
Implementation of XLNet that can load pretrained checkpoints
Stars: ✭ 159 (-18.04%)
Mutual labels:  language-model
Deepecg
ECG classification programs based on ML/DL methods
Stars: ✭ 124 (-36.08%)
Mutual labels:  recurrent-neural-networks
Speecht
An opensource speech-to-text software written in tensorflow
Stars: ✭ 152 (-21.65%)
Mutual labels:  language-model
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (-13.92%)
Mutual labels:  recurrent-neural-networks
Tfvos
Semi-Supervised Video Object Segmentation (VOS) with Tensorflow. Includes implementation of *MaskRNN: Instance Level Video Object Segmentation (NIPS 2017)* as part of the NIPS Paper Implementation Challenge.
Stars: ✭ 151 (-22.16%)
Mutual labels:  recurrent-neural-networks
Bert As Language Model
bert as language model, fork from https://github.com/google-research/bert
Stars: ✭ 185 (-4.64%)
Mutual labels:  language-model
Awesome Sentence Embedding
A curated list of pretrained sentence and word embedding models
Stars: ✭ 1,973 (+917.01%)
Mutual labels:  language-model
Indic Bert
BERT-based Multilingual Model for Indian Languages
Stars: ✭ 160 (-17.53%)
Mutual labels:  language-model
Awesome Speech Recognition Speech Synthesis Papers
Automatic Speech Recognition (ASR), Speaker Verification, Speech Synthesis, Text-to-Speech (TTS), Language Modelling, Singing Voice Synthesis (SVS), Voice Conversion (VC)
Stars: ✭ 2,085 (+974.74%)
Mutual labels:  language-model
Char Rnn Chinese
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch. Based on code of https://github.com/karpathy/char-rnn. Support Chinese and other things.
Stars: ✭ 192 (-1.03%)
Mutual labels:  language-model
Speech Recognition Neural Network
This is the end-to-end Speech Recognition neural network, deployed in Keras. This was my final project for Artificial Intelligence Nanodegree @Udacity.
Stars: ✭ 148 (-23.71%)
Mutual labels:  recurrent-neural-networks
Xlnet Gen
XLNet for generating language.
Stars: ✭ 164 (-15.46%)
Mutual labels:  language-model
Arc Pytorch
The first public PyTorch implementation of Attentive Recurrent Comparators
Stars: ✭ 147 (-24.23%)
Mutual labels:  recurrent-neural-networks
Keras Bert
Implementation of BERT that could load official pre-trained models for feature extraction and prediction
Stars: ✭ 2,264 (+1067.01%)
Mutual labels:  language-model
Clue
中文语言理解测评基准 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard
Stars: ✭ 2,425 (+1150%)
Mutual labels:  language-model
Lazynlp
Library to scrape and clean web pages to create massive datasets.
Stars: ✭ 1,985 (+923.2%)
Mutual labels:  language-model
Crypto Rnn
Learning the Enigma with Recurrent Neural Networks
Stars: ✭ 139 (-28.35%)
Mutual labels:  recurrent-neural-networks
Keras English Resume Parser And Analyzer
keras project that parses and analyze english resumes
Stars: ✭ 192 (-1.03%)
Mutual labels:  recurrent-neural-networks
Stockprediction
Plain Stock Close-Price Prediction via Graves LSTM RNNs
Stars: ✭ 134 (-30.93%)
Mutual labels:  recurrent-neural-networks
Lotclass
[EMNLP 2020] Text Classification Using Label Names Only: A Language Model Self-Training Approach
Stars: ✭ 160 (-17.53%)
Mutual labels:  language-model
Electra
中文 预训练 ELECTRA 模型: 基于对抗学习 pretrain Chinese Model
Stars: ✭ 132 (-31.96%)
Mutual labels:  language-model
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (-8.25%)
Mutual labels:  recurrent-neural-networks
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (-35.05%)
Mutual labels:  recurrent-neural-networks
Keras Lmu
Keras implementation of Legendre Memory Units
Stars: ✭ 160 (-17.53%)
Mutual labels:  recurrent-neural-networks
Rcnn Text Classification
Tensorflow Implementation of "Recurrent Convolutional Neural Network for Text Classification" (AAAI 2015)
Stars: ✭ 127 (-34.54%)
Mutual labels:  recurrent-neural-networks
Hdltex
HDLTex: Hierarchical Deep Learning for Text Classification
Stars: ✭ 191 (-1.55%)
Mutual labels:  recurrent-neural-networks
Kogpt2 Finetuning
🔥 Korean GPT-2, KoGPT2 FineTuning cased. 한국어 가사 데이터 학습 🔥
Stars: ✭ 124 (-36.08%)
Mutual labels:  language-model
Brain.js
brain.js is a GPU accelerated library for Neural Networks written in JavaScript.
Stars: ✭ 12,358 (+6270.1%)
Mutual labels:  recurrent-neural-networks
Rnn From Scratch
Use tensorflow's tf.scan to build vanilla, GRU and LSTM RNNs
Stars: ✭ 123 (-36.6%)
Mutual labels:  recurrent-neural-networks
Dynamic Memory Networks Plus Pytorch
Implementation of Dynamic memory networks plus in Pytorch
Stars: ✭ 123 (-36.6%)
Mutual labels:  language-model
Macbert
Revisiting Pre-trained Models for Chinese Natural Language Processing (Findings of EMNLP)
Stars: ✭ 167 (-13.92%)
Mutual labels:  language-model
F Lm
Language Modeling
Stars: ✭ 156 (-19.59%)
Mutual labels:  language-model
Robbert
A Dutch RoBERTa-based language model
Stars: ✭ 120 (-38.14%)
Mutual labels:  language-model
Linear Attention Recurrent Neural Network
A recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)
Stars: ✭ 119 (-38.66%)
Mutual labels:  recurrent-neural-networks
1-60 of 378 similar projects