Pinned Repositories
ABSA-BERT-pair
Utilizing BERT for Aspect-Based Sentiment Analysis via Constructing Auxiliary Sentence (NAACL 2019)
ABSA-Codemix
Research - The aim of this project is to find the aspect from a given code-mix sentence. The traditional sequence tagging methods are compared with Deep learning methods. The concept of Question and Answering model is used to achieve this task.
AmpliGraph
Python library for Representation Learning on Knowledge Graphs https://docs.ampligraph.org
aspect-based-sentiment-analysis
Given an aspect term in a sentence, predict the sentiment label for the aspect term
Aspect-Based-Sentiment-Analysis-1
Aspect-Based Sentiment Analysis Experiments
aspect-extraction
Aspect extraction from product reviews - window-CNN+maxpool+CRF, BiLSTM+CRF, MLP+CRF
awesome-financial-nlp
Researches for Natural Language Processing for Financial Domain
awesome-sentiment-analysis
😀😄😂😠A curated list of Sentiment Analysis methods, implementations and misc. 😥😟😱😤
NLP-with-Python
Scikit-Learn, NLTK, Spacy, Gensim, Textblob and more
erictham's Repositories
erictham/awesome-financial-nlp
Researches for Natural Language Processing for Financial Domain
erictham/NLP-with-Python
Scikit-Learn, NLTK, Spacy, Gensim, Textblob and more
erictham/ABSA-BERT-pair
Utilizing BERT for Aspect-Based Sentiment Analysis via Constructing Auxiliary Sentence (NAACL 2019)
erictham/ABSA-Codemix
Research - The aim of this project is to find the aspect from a given code-mix sentence. The traditional sequence tagging methods are compared with Deep learning methods. The concept of Question and Answering model is used to achieve this task.
erictham/AmpliGraph
Python library for Representation Learning on Knowledge Graphs https://docs.ampligraph.org
erictham/aspect-based-sentiment-analysis
Given an aspect term in a sentence, predict the sentiment label for the aspect term
erictham/Aspect-Based-Sentiment-Analysis-1
Aspect-Based Sentiment Analysis Experiments
erictham/aspect-extraction
Aspect extraction from product reviews - window-CNN+maxpool+CRF, BiLSTM+CRF, MLP+CRF
erictham/aspect-extraction-1
Several aspect extraction methods tried
erictham/Aspect-level-sentiment
Code and dataset for ACL2018 paper "Exploiting Document Knowledge for Aspect-level Sentiment Classification"
erictham/AspectBasedSentimentAnalysis
Aspect Based Sentiment Analysis is a special type of sentiment analysis. In an explicit aspect, opinion is expressed on a target(opinion target), this aspect-polarity extraction is known as ABSA.
erictham/Backtrader-for-backtesting
These are the code snippets used in the Backtrader for backtesting guide on the AlgoTrading101 website
erictham/BERT-fine-tuning-for-twitter-sentiment-analysis
erictham/bertviz
Tool for visualizing attention in the Transformer model (BERT, GPT-2, Albert, XLNet, RoBERTa, CTRL, etc.)
erictham/covid_data
erictham/crfsuite
CRFsuite: a fast implementation of Conditional Random Fields (CRFs)
erictham/Deep-Learning-For-Hackers
Machine Learning tutorials with TensorFlow 2 and Keras in Python (Jupyter notebooks included) - (LSTMs, Hyperameter tuning, Data preprocessing, Bias-variance tradeoff, Anomaly Detection, Autoencoders, Time Series Forecasting, Object Detection, Sentiment Analysis, Intent Recognition with BERT)
erictham/Financial-Derivative-Analysis-and-Simulation
Pricing and Analysis of Financial Derivative by Credit Suisse using Monte Carlo, Geometric Brownian Motion, Heston Model, CIR model, estimating greeks such as delta, gamma etc, Local volatility model incorporated with variance reduction.(For MH4518 Project)
erictham/graph_nets
Build Graph Nets in Tensorflow
erictham/holmes-extractor
Information extraction from English and German texts based on predicate logic
erictham/IAN
A TensorFlow implementation for "Interactive Attention Networks for Aspect-Level Sentiment Classification"
erictham/mat2vec
Supplementary Materials for Tshitoyan et al. "Unsupervised word embeddings capture latent knowledge from materials science literature", Nature (2019).
erictham/models
Models and examples built with TensorFlow
erictham/NLP-with-Python-1
Using Conditional Random Fields for segmenting Latin words written in scriptio continua
erictham/p2p-securities-trading
erictham/pykg2vec
Python library for knowledge graph embedding and representation learning.
erictham/pyqt5-qtquick2-example
An example of QtQuick 2 providing material and fluent design themes in PyQt5.
erictham/python-tutorial-notebooks
Python tutorials as Jupyter Notebooks for NLP, ML, AI
erictham/SA-DL
Sentiment Analysis with Deep Learning models. Implemented with Tensorflow and Keras.
erictham/TNet-tensorflow
Implementation of https://arxiv.org/abs/1805.01086 by tensorflow