All Projects → learningspoons → Similar Projects or Alternatives

1178 Open source projects that are alternatives of or similar to learningspoons

Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+11686.21%)
Mutual labels:  transformer, lstm, attention
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (+334.48%)
Mutual labels:  lstm, attention, attention-model
Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+38175.86%)
Mutual labels:  word2vec, lstm, attention
Deeplearning Nlp Models
A small, interpretable codebase containing the re-implementation of a few "deep" NLP models in PyTorch. Colab notebooks to run with GPUs. Models: word2vec, CNNs, transformer, gpt.
Stars: ✭ 64 (+120.69%)
Mutual labels:  word2vec, transformer, attention
Pytorch Original Transformer
My implementation of the original transformer model (Vaswani et al.). I've additionally included the playground.py file for visualizing otherwise seemingly hard concepts. Currently included IWSLT pretrained models.
Stars: ✭ 411 (+1317.24%)
Mutual labels:  transformer, attention
TRAR-VQA
[ICCV 2021] TRAR: Routing the Attention Spans in Transformers for Visual Question Answering -- Official Implementation
Stars: ✭ 49 (+68.97%)
Mutual labels:  transformer, attention
Speech Transformer
A PyTorch implementation of Speech Transformer, an End-to-End ASR with Transformer network on Mandarin Chinese.
Stars: ✭ 565 (+1848.28%)
Mutual labels:  transformer, attention
Neural-Machine-Translation
Several basic neural machine translation models implemented by PyTorch & TensorFlow
Stars: ✭ 29 (+0%)
Mutual labels:  transformer, seq2seq-model
Bertqa Attention On Steroids
BertQA - Attention on Steroids
Stars: ✭ 112 (+286.21%)
Mutual labels:  transformer, attention
Transformers.jl
Julia Implementation of Transformer models
Stars: ✭ 173 (+496.55%)
Mutual labels:  transformer, attention
Self Attention Cv
Implementation of various self-attention mechanisms focused on computer vision. Ongoing repository.
Stars: ✭ 209 (+620.69%)
Mutual labels:  transformer, attention
Keras Transformer
Transformer implemented in Keras
Stars: ✭ 273 (+841.38%)
Mutual labels:  transformer, attention
Transformer Tensorflow
TensorFlow implementation of 'Attention Is All You Need (2017. 6)'
Stars: ✭ 319 (+1000%)
Mutual labels:  transformer, attention
h-transformer-1d
Implementation of H-Transformer-1D, Hierarchical Attention for Sequence Learning
Stars: ✭ 121 (+317.24%)
Mutual labels:  transformer, attention
Text Classification Models Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
Stars: ✭ 379 (+1206.9%)
Mutual labels:  transformer, attention
Nlp Tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
Stars: ✭ 9,895 (+34020.69%)
Mutual labels:  transformer, attention
Njunmt Tf
An open-source neural machine translation system developed by Natural Language Processing Group, Nanjing University.
Stars: ✭ 97 (+234.48%)
Mutual labels:  transformer, attention
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (+468.97%)
Mutual labels:  transformer, lstm
Awesome Fast Attention
list of efficient attention modules
Stars: ✭ 627 (+2062.07%)
Mutual labels:  transformer, attention
NTUA-slp-nlp
💻Speech and Natural Language Processing (SLP & NLP) Lab Assignments for ECE NTUA
Stars: ✭ 19 (-34.48%)
Mutual labels:  word2vec, attention
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (+37.93%)
Mutual labels:  word2vec, lstm
Embedding
Embedding模型代码和学习笔记总结
Stars: ✭ 25 (-13.79%)
Mutual labels:  word2vec, transformer
Attentionwalk
A PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018).
Stars: ✭ 266 (+817.24%)
Mutual labels:  word2vec, attention
Persian-Sentiment-Analyzer
Persian sentiment analysis ( آناکاوی سهش های فارسی | تحلیل احساسات فارسی )
Stars: ✭ 30 (+3.45%)
Mutual labels:  word2vec, lstm
Deep learning nlp
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Stars: ✭ 407 (+1303.45%)
Mutual labels:  word2vec, attention
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (-17.24%)
Mutual labels:  lstm, attention
ai challenger 2018 sentiment analysis
Fine-grained Sentiment Analysis of User Reviews --- AI CHALLENGER 2018
Stars: ✭ 16 (-44.83%)
Mutual labels:  transformer, attention
Visual-Transformer-Paper-Summary
Summary of Transformer applications for computer vision tasks.
Stars: ✭ 51 (+75.86%)
Mutual labels:  transformer, attention
Flow Forecast
Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
Stars: ✭ 368 (+1168.97%)
Mutual labels:  transformer, lstm
Learning-Lab-C-Library
This library provides a set of basic functions for different type of deep learning (and other) algorithms in C.This deep learning library will be constantly updated
Stars: ✭ 20 (-31.03%)
Mutual labels:  transformer, lstm
Neural sp
End-to-end ASR/LM implementation with PyTorch
Stars: ✭ 408 (+1306.9%)
Mutual labels:  transformer, attention
Nlp Tutorials
Simple implementations of NLP models. Tutorials are written in Chinese on my website https://mofanpy.com
Stars: ✭ 394 (+1258.62%)
Mutual labels:  transformer, attention
Nmt Keras
Neural Machine Translation with Keras
Stars: ✭ 501 (+1627.59%)
Mutual labels:  transformer, attention-model
visualization
a collection of visualization function
Stars: ✭ 189 (+551.72%)
Mutual labels:  transformer, attention
Sockeye
Sequence-to-sequence framework with a focus on Neural Machine Translation based on Apache MXNet
Stars: ✭ 990 (+3313.79%)
Mutual labels:  transformer, attention-model
Cell Detr
Official and maintained implementation of the paper Attention-Based Transformers for Instance Segmentation of Cells in Microstructures [BIBM 2020].
Stars: ✭ 26 (-10.34%)
Mutual labels:  transformer, attention
Multiturndialogzoo
Multi-turn dialogue baselines written in PyTorch
Stars: ✭ 106 (+265.52%)
Mutual labels:  transformer, attention
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+2444.83%)
Mutual labels:  transformer, lstm
Medical Transformer
Pytorch Code for "Medical Transformer: Gated Axial-Attention for Medical Image Segmentation"
Stars: ✭ 153 (+427.59%)
Mutual labels:  transformer, attention
Sightseq
Computer vision tools for fairseq, containing PyTorch implementation of text recognition and object detection
Stars: ✭ 116 (+300%)
Mutual labels:  transformer, attention
Graphtransformer
Graph Transformer Architecture. Source code for "A Generalization of Transformer Networks to Graphs", DLG-AAAI'21.
Stars: ✭ 187 (+544.83%)
Mutual labels:  transformer, attention
Relation-Extraction-Transformer
NLP: Relation extraction with position-aware self-attention transformer
Stars: ✭ 63 (+117.24%)
Mutual labels:  transformer, attention
dnn-lstm-word-segment
Chinese Word Segmention Base on the Deep Learning and LSTM Neural Network
Stars: ✭ 24 (-17.24%)
Mutual labels:  word2vec, lstm
sarcasm-detection-for-sentiment-analysis
Sarcasm Detection for Sentiment Analysis
Stars: ✭ 21 (-27.59%)
Mutual labels:  word2vec, lstm
fsauor2018
基于LSTM网络与自注意力机制对中文评论进行细粒度情感分析
Stars: ✭ 36 (+24.14%)
Mutual labels:  word2vec, lstm
NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (-20.69%)
Mutual labels:  word2vec, transformer
game2vec
TensorFlow implementation of word2vec applied on https://www.kaggle.com/tamber/steam-video-games dataset, using both CBOW and Skip-gram.
Stars: ✭ 62 (+113.79%)
Mutual labels:  word2vec, cbow
Text-Analysis
Explaining textual analysis tools in Python. Including Preprocessing, Skip Gram (word2vec), and Topic Modelling.
Stars: ✭ 48 (+65.52%)
Mutual labels:  word2vec, lstm
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (+17.24%)
Mutual labels:  word2vec, lstm
Nlp research
NLP research:基于tensorflow的nlp深度学习项目,支持文本分类/句子匹配/序列标注/文本生成 四大任务
Stars: ✭ 141 (+386.21%)
Mutual labels:  word2vec, transformer
Embedding As Service
One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques
Stars: ✭ 151 (+420.69%)
Mutual labels:  word2vec, transformer
Simple-Sentence-Similarity
Exploring the simple sentence similarity measurements using word embeddings
Stars: ✭ 99 (+241.38%)
Mutual labels:  word2vec, ipynb
Repo 2016
R, Python and Mathematica Codes in Machine Learning, Deep Learning, Artificial Intelligence, NLP and Geolocation
Stars: ✭ 103 (+255.17%)
Mutual labels:  word2vec, lstm
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+596.55%)
Mutual labels:  word2vec, lstm
Nlp Journey
Documents, papers and codes related to Natural Language Processing, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
Stars: ✭ 1,290 (+4348.28%)
Mutual labels:  word2vec, attention
CrabNet
Predict materials properties using only the composition information!
Stars: ✭ 57 (+96.55%)
Mutual labels:  transformer, attention
transformer
A PyTorch Implementation of "Attention Is All You Need"
Stars: ✭ 28 (-3.45%)
Mutual labels:  transformer, attention
Jddc solution 4th
2018-JDDC大赛第4名的解决方案
Stars: ✭ 235 (+710.34%)
Mutual labels:  transformer, attention
reasoning attention
Unofficial implementation algorithms of attention models on SNLI dataset
Stars: ✭ 34 (+17.24%)
Mutual labels:  attention, attention-model
seq2seq-pytorch
Sequence to Sequence Models in PyTorch
Stars: ✭ 41 (+41.38%)
Mutual labels:  transformer, attention
1-60 of 1178 similar projects