All Projects → Nlp Models Tensorflow → Similar Projects or Alternatives

7552 Open source projects that are alternatives of or similar to Nlp Models Tensorflow

Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+113.23%)
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-92.26%)
Mutual labels:  chatbot, jupyter-notebook, lstm, attention
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-94.01%)
Mutual labels:  jupyter-notebook, lstm, pos-tagging
Hey Jetson
Deep Learning based Automatic Speech Recognition with attention for the Nvidia Jetson.
Stars: ✭ 161 (-89.96%)
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (-94.88%)
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-95.13%)
Mutual labels:  jupyter-notebook, lstm, attention
Rnn For Joint Nlu
Pytorch implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)
Stars: ✭ 176 (-89.02%)
Mutual labels:  jupyter-notebook, lstm, attention
Malaya
Natural Language Toolkit for bahasa Malaysia, https://malaya.readthedocs.io/
Stars: ✭ 239 (-85.09%)
Nlp tensorflow project
Use tensorflow to achieve some NLP project, eg: classification chatbot ner attention QAetc.
Stars: ✭ 27 (-98.32%)
Mutual labels:  chatbot, attention
Simple Chatbot Keras
Design and build a chatbot using data from the Cornell Movie Dialogues corpus, using Keras
Stars: ✭ 30 (-98.13%)
Mutual labels:  chatbot, lstm
Lstmvis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)
Stars: ✭ 959 (-40.17%)
Mutual labels:  jupyter-notebook, lstm
Music2dance
Generating Dance steps for given music with deep learning
Stars: ✭ 17 (-98.94%)
Mutual labels:  jupyter-notebook, lstm
Tensorflow Onnx
Convert TensorFlow models to ONNX
Stars: ✭ 900 (-43.86%)
Mutual labels:  jupyter-notebook, lstm
Banglatranslator
Bangla Machine Translator
Stars: ✭ 21 (-98.69%)
Mutual labels:  lstm, attention
Cadscenario personalisation
This is a end to end Personalisation business scenario
Stars: ✭ 10 (-99.38%)
Mutual labels:  chatbot, language-detection
Gym Continuousdoubleauction
A custom MARL (multi-agent reinforcement learning) environment where multiple agents trade against one another (self-play) in a zero-sum continuous double auction. Ray [RLlib] is used for training.
Stars: ✭ 50 (-96.88%)
Mutual labels:  jupyter-notebook, lstm
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-97.01%)
Mutual labels:  jupyter-notebook, lstm
Time Attention
Implementation of RNN for Time Series prediction from the paper https://arxiv.org/abs/1704.02971
Stars: ✭ 52 (-96.76%)
Mutual labels:  lstm, attention
Aiopen
AIOpen是一个按人工智能三要素(数据、算法、算力)进行AI开源项目分类的汇集项目,项目致力于跟踪目前人工智能(AI)的深度学习(DL)开源项目,并尽可能地罗列目前的开源项目,同时加入了一些曾经研究过的代码。通过这些开源项目,使初次接触AI的人们对人工智能(深度学习)有更清晰和更全面的了解。
Stars: ✭ 62 (-96.13%)
Mutual labels:  jupyter-notebook, lstm
Attentive Neural Processes
implementing "recurrent attentive neural processes" to forecast power usage (w. LSTM baseline, MCDropout)
Stars: ✭ 33 (-97.94%)
Mutual labels:  jupyter-notebook, attention
Text Classification Keras
📚 Text classification library with Keras
Stars: ✭ 53 (-96.69%)
Mutual labels:  lstm, attention
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-96.26%)
Mutual labels:  jupyter-notebook, lstm
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 (-96.01%)
Mutual labels:  jupyter-notebook, attention
Nlp Tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
Stars: ✭ 9,895 (+517.28%)
Mutual labels:  jupyter-notebook, attention
Attention Transfer
Improving Convolutional Networks via Attention Transfer (ICLR 2017)
Stars: ✭ 1,231 (-23.21%)
Mutual labels:  jupyter-notebook, attention
Tensorflow seq2seq chatbot
Stars: ✭ 81 (-94.95%)
Mutual labels:  chatbot, lstm
Tensorflow Tutorial
Some interesting TensorFlow tutorials for beginners.
Stars: ✭ 893 (-44.29%)
Mutual labels:  jupyter-notebook, lstm
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (-50.34%)
Mutual labels:  jupyter-notebook, lstm
Pytorch Gat
My implementation of the original GAT paper (Veličković et al.). I've additionally included the playground.py file for visualizing the Cora dataset, GAT embeddings, an attention mechanism, and entropy histograms. I've supported both Cora (transductive) and PPI (inductive) examples!
Stars: ✭ 908 (-43.36%)
Mutual labels:  jupyter-notebook, attention
Seq2seq Chatbot
Chatbot in 200 lines of code using TensorLayer
Stars: ✭ 777 (-51.53%)
Mutual labels:  chatbot, lstm
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (-44.73%)
Mutual labels:  jupyter-notebook, lstm
Neural Image Captioning
Implementation of Neural Image Captioning model using Keras with Theano backend
Stars: ✭ 12 (-99.25%)
Mutual labels:  jupyter-notebook, lstm
Qa Rankit
QA - Answer Selection (Rank candidate answers for a given question)
Stars: ✭ 30 (-98.13%)
Mutual labels:  jupyter-notebook, lstm
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 (-53.96%)
Mutual labels:  jupyter-notebook, lstm
Rnn Stocks Prediction
Another attempt to use Deep-Learning in the financial markets
Stars: ✭ 39 (-97.57%)
Mutual labels:  jupyter-notebook, lstm
Keras basic
keras를 이용한 딥러닝 기초 학습
Stars: ✭ 39 (-97.57%)
Mutual labels:  jupyter-notebook, lstm
Ner blstm Crf
LSTM-CRF for NER with ConLL-2002 dataset
Stars: ✭ 51 (-96.82%)
Mutual labels:  jupyter-notebook, lstm
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-97.88%)
Mutual labels:  jupyter-notebook, lstm
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (-96.19%)
Mutual labels:  jupyter-notebook, lstm
Pointer Networks Experiments
Sorting numbers with pointer networks
Stars: ✭ 53 (-96.69%)
Mutual labels:  lstm, attention
Dragonfire
the open-source virtual assistant for Ubuntu based Linux distributions
Stars: ✭ 1,120 (-30.13%)
Mutual labels:  chatbot, speech-to-text
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (-56.33%)
Mutual labels:  jupyter-notebook, lstm
Nlp Tutorial
A list of NLP(Natural Language Processing) tutorials
Stars: ✭ 1,188 (-25.89%)
Cnn intent classification
CNN for intent classification task in a Chatbot
Stars: ✭ 90 (-94.39%)
Mutual labels:  chatbot, jupyter-notebook
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-95.82%)
Mutual labels:  jupyter-notebook, lstm
Self Attention Classification
document classification using LSTM + self attention
Stars: ✭ 84 (-94.76%)
Mutual labels:  lstm, attention
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-94.39%)
Mutual labels:  lstm, attention
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-93.95%)
Mutual labels:  jupyter-notebook, lstm
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (-94.57%)
Mutual labels:  jupyter-notebook, lstm
Lstm chem
Implementation of the paper - Generative Recurrent Networks for De Novo Drug Design.
Stars: ✭ 87 (-94.57%)
Mutual labels:  jupyter-notebook, lstm
Awesome machine learning solutions
A curated list of repositories for my book Machine Learning Solutions.
Stars: ✭ 65 (-95.95%)
Mutual labels:  chatbot, summarization
Pytorchnlpbook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://nlproc.info
Stars: ✭ 1,390 (-13.29%)
Openseq2seq
Toolkit for efficient experimentation with Speech Recognition, Text2Speech and NLP
Stars: ✭ 1,378 (-14.04%)
Spokestack Python
Spokestack is a library that allows a user to easily incorporate a voice interface into any Python application.
Stars: ✭ 103 (-93.57%)
Mutual labels:  speech-to-text, embedded
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (-93.33%)
Mutual labels:  jupyter-notebook, lstm
Scientificsummarizationdatasets
Datasets I have created for scientific summarization, and a trained BertSum model
Stars: ✭ 100 (-93.76%)
Mutual labels:  jupyter-notebook, summarization
Multiturndialogzoo
Multi-turn dialogue baselines written in PyTorch
Stars: ✭ 106 (-93.39%)
Mutual labels:  chatbot, attention
Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+592.45%)
Mutual labels:  lstm, attention
Bertqa Attention On Steroids
BertQA - Attention on Steroids
Stars: ✭ 112 (-93.01%)
Mutual labels:  jupyter-notebook, attention
Me bot
Build a bot that speaks like you!
Stars: ✭ 641 (-60.01%)
Mutual labels:  chatbot, jupyter-notebook
1-60 of 7552 similar projects