All Projects → Absa_keras → Similar Projects or Alternatives

673 Open source projects that are alternatives of or similar to Absa_keras

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 (+620.63%)
Mutual labels:  attention-mechanism, attention
Chatbot cn
基于金融-司法领域(兼有闲聊性质)的聊天机器人,其中的主要模块有信息抽取、NLU、NLG、知识图谱等,并且利用Django整合了前端展示,目前已经封装了nlp和kg的restful接口
Stars: ✭ 791 (+527.78%)
Isab Pytorch
An implementation of (Induced) Set Attention Block, from the Set Transformers paper
Stars: ✭ 21 (-83.33%)
Mutual labels:  attention-mechanism, attention
analyzing-reddit-sentiment-with-aws
Learn how to use Kinesis Firehose, AWS Glue, S3, and Amazon Athena by streaming and analyzing reddit comments in realtime. 100-200 level tutorial.
Stars: ✭ 40 (-68.25%)
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 (+226.19%)
Mutual labels:  attention-mechanism, attention
wink-sentiment
Accurate and fast sentiment scoring of phrases with #hashtags, emoticons :) & emojis 🎉
Stars: ✭ 51 (-59.52%)
Hey Jetson
Deep Learning based Automatic Speech Recognition with attention for the Nvidia Jetson.
Stars: ✭ 161 (+27.78%)
Mutual labels:  sentiment-analysis, attention
Twitter Sentiment Analysis
Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.
Stars: ✭ 978 (+676.19%)
Tf Rnn Attention
Tensorflow implementation of attention mechanism for text classification tasks.
Stars: ✭ 735 (+483.33%)
Mutual labels:  sentiment-analysis, attention
Tensorflow Sentiment Analysis On Amazon Reviews Data
Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.
Stars: ✭ 34 (-73.02%)
Dan Jurafsky Chris Manning Nlp
My solution to the Natural Language Processing course made by Dan Jurafsky, Chris Manning in Winter 2012.
Stars: ✭ 124 (-1.59%)
Cnn Yelp Challenge 2016 Sentiment Classification
IPython Notebook for training a word-level Convolutional Neural Network model for sentiment classification task on Yelp-Challenge-2016 review dataset.
Stars: ✭ 106 (-15.87%)
Mutual labels:  sentiment-classification
Grounder
Implementation of Grounding of Textual Phrases in Images by Reconstruction in Tensorflow
Stars: ✭ 83 (-34.13%)
Mutual labels:  attention-mechanism
Sturcture Inpainting
Source code of AAAI 2020 paper 'Learning to Incorporate Structure Knowledge for Image Inpainting'
Stars: ✭ 78 (-38.1%)
Mutual labels:  attention-mechanism
Geoman
Tensorflow Implement of GeoMAN, IJCAI-18
Stars: ✭ 113 (-10.32%)
Mutual labels:  attention-mechanism
Reformer Pytorch
Reformer, the efficient Transformer, in Pytorch
Stars: ✭ 1,644 (+1204.76%)
Mutual labels:  attention-mechanism
Simplednn
SimpleDNN is a machine learning lightweight open-source library written in Kotlin designed to support relevant neural network architectures in natural language processing tasks
Stars: ✭ 81 (-35.71%)
Mutual labels:  attention-mechanism
Attention Transfer
Improving Convolutional Networks via Attention Transfer (ICLR 2017)
Stars: ✭ 1,231 (+876.98%)
Mutual labels:  attention
Textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
Stars: ✭ 105 (-16.67%)
Mutual labels:  sentiment-analysis
Sentiment Analysis
细粒度用户评论情感分析
Stars: ✭ 80 (-36.51%)
Mutual labels:  sentiment-analysis
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-38.1%)
Mutual labels:  attention
Pygat
Pytorch implementation of the Graph Attention Network model by Veličković et. al (2017, https://arxiv.org/abs/1710.10903)
Stars: ✭ 1,853 (+1370.63%)
Mutual labels:  attention-mechanism
Treelstmsentiment
Pytorch implementation of Sentiment Classification in Improved Semantic Representations From Tree-Structured Long Short-Term Memory Networks
Stars: ✭ 104 (-17.46%)
Mutual labels:  sentiment-classification
Dialogue Understanding
This repository contains PyTorch implementation for the baseline models from the paper Utterance-level Dialogue Understanding: An Empirical Study
Stars: ✭ 77 (-38.89%)
Mutual labels:  sentiment-analysis
Lc Absa
Training & Inferring & Reproducing for SOTA ABSA models
Stars: ✭ 76 (-39.68%)
Mutual labels:  sentiment-classification
Sentimentcoremldemo
😃 iOS11 demo application for sentiment polarity analysis.
Stars: ✭ 104 (-17.46%)
Mutual labels:  sentiment-analysis
Deepaffinity
Protein-compound affinity prediction through unified RNN-CNN
Stars: ✭ 75 (-40.48%)
Mutual labels:  attention-mechanism
Text recognition toolbox
text_recognition_toolbox: The reimplementation of a series of classical scene text recognition papers with Pytorch in a uniform way.
Stars: ✭ 114 (-9.52%)
Mutual labels:  attention-mechanism
Bixin
Chinese Sentiment Analysis 中文文本情感分析
Stars: ✭ 104 (-17.46%)
Mutual labels:  sentiment-analysis
Nlp Tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
Stars: ✭ 9,895 (+7753.17%)
Mutual labels:  attention
Fake news detection deep learning
Fake News Detection using Deep Learning models in Tensorflow
Stars: ✭ 74 (-41.27%)
Mutual labels:  attention-mechanism
Pynlp
A pythonic wrapper for Stanford CoreNLP.
Stars: ✭ 103 (-18.25%)
Mutual labels:  sentiment-analysis
Nlp Tutorial
A list of NLP(Natural Language Processing) tutorials
Stars: ✭ 1,188 (+842.86%)
Mutual labels:  sentiment-classification
Fastpunct
Punctuation restoration and spell correction experiments.
Stars: ✭ 121 (-3.97%)
Mutual labels:  attention
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 (-5.56%)
Mutual labels:  attention-mechanism
Leader Line
Draw a leader line in your web page.
Stars: ✭ 1,872 (+1385.71%)
Mutual labels:  attention
Wallstreetbets Sentiment Analysis
This program finds the most mentioned ticker on r/wallstreetbets and uses Vader SentimentIntensityAnalyzer to calculate the sentiment analysis.
Stars: ✭ 103 (-18.25%)
Mutual labels:  sentiment-analysis
Stock Market Prediction Web App Using Machine Learning And Sentiment Analysis
Stock Market Prediction Web App based on Machine Learning and Sentiment Analysis of Tweets (API keys included in code). The front end of the Web App is based on Flask and Wordpress. The App forecasts stock prices of the next seven days for any given stock under NASDAQ or NSE as input by the user. Predictions are made using three algorithms: ARIMA, LSTM, Linear Regression. The Web App combines the predicted prices of the next seven days with the sentiment analysis of tweets to give recommendation whether the price is going to rise or fall
Stars: ✭ 101 (-19.84%)
Mutual labels:  sentiment-analysis
Hatn
Hierarchical Attention Transfer Network for Cross-domain Sentiment Classification (AAAI'18)
Stars: ✭ 73 (-42.06%)
Mutual labels:  attention
Se3 Transformer Pytorch
Implementation of SE3-Transformers for Equivariant Self-Attention, in Pytorch. This specific repository is geared towards integration with eventual Alphafold2 replication.
Stars: ✭ 73 (-42.06%)
Mutual labels:  attention-mechanism
Bertqa Attention On Steroids
BertQA - Attention on Steroids
Stars: ✭ 112 (-11.11%)
Mutual labels:  attention
Learning Social Media Analytics With R
This repository contains code and bonus content which will be added from time to time for the book "Learning Social Media Analytics with R" by Packt
Stars: ✭ 102 (-19.05%)
Mutual labels:  sentiment-analysis
Group Level Emotion Recognition
Model submitted for the ICMI 2018 EmotiW Group-Level Emotion Recognition Challenge
Stars: ✭ 70 (-44.44%)
Mutual labels:  attention-mechanism
Enjoy Hamburger
[ICLR 2021] Is Attention Better Than Matrix Decomposition?
Stars: ✭ 69 (-45.24%)
Mutual labels:  attention
Aspect Based Sentiment Analysis
Aspect Based Sentiment Analysis
Stars: ✭ 99 (-21.43%)
Mutual labels:  sentiment-analysis
Senpy
A sentiment and emotion analysis server in Python
Stars: ✭ 67 (-46.83%)
Mutual labels:  sentiment-analysis
A Pytorch Tutorial To Image Captioning
Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning
Stars: ✭ 1,867 (+1381.75%)
Mutual labels:  attention-mechanism
Nlp Papers
Papers and Book to look at when starting NLP 📚
Stars: ✭ 111 (-11.9%)
Mutual labels:  sentiment-analysis
Pytorch Attention Guided Cyclegan
Pytorch implementation of Unsupervised Attention-guided Image-to-Image Translation.
Stars: ✭ 67 (-46.83%)
Mutual labels:  attention-mechanism
Word2vec Sentiment
基于Word2Vec+SVM对电商的评论数据进行情感分析
Stars: ✭ 66 (-47.62%)
Mutual labels:  sentiment-analysis
Text Analytics With Python
Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.
Stars: ✭ 1,132 (+798.41%)
Mutual labels:  sentiment-analysis
Captcharecognition
End-to-end variable length Captcha recognition using CNN+RNN+Attention/CTC (pytorch implementation). 端到端的不定长验证码识别
Stars: ✭ 97 (-23.02%)
Mutual labels:  attention
Deepattention
Deep Visual Attention Prediction (TIP18)
Stars: ✭ 65 (-48.41%)
Mutual labels:  attention-mechanism
Deep Atrous Cnn Sentiment
Deep-Atrous-CNN-Text-Network: End-to-end word level model for sentiment analysis and other text classifications
Stars: ✭ 64 (-49.21%)
Mutual labels:  sentiment-analysis
Overlappredator
[CVPR 2021, Oral] PREDATOR: Registration of 3D Point Clouds with Low Overlap.
Stars: ✭ 106 (-15.87%)
Mutual labels:  attention-mechanism
Njunmt Tf
An open-source neural machine translation system developed by Natural Language Processing Group, Nanjing University.
Stars: ✭ 97 (-23.02%)
Mutual labels:  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 (-49.21%)
Mutual labels:  attention
Dhf1k
Revisiting Video Saliency: A Large-scale Benchmark and a New Model (CVPR18, PAMI19)
Stars: ✭ 96 (-23.81%)
Mutual labels:  attention-mechanism
Repo 2017
Python codes in Machine Learning, NLP, Deep Learning and Reinforcement Learning with Keras and Theano
Stars: ✭ 1,123 (+791.27%)
Mutual labels:  sentiment-analysis
Ram
A TensorFlow implementation for "Recurrent Attention Network on Memory for Aspect Sentiment Analysis"
Stars: ✭ 63 (-50%)
Mutual labels:  sentiment-analysis
61-120 of 673 similar projects