Pinned Repositories
ABSA-PyTorch
Aspect Based Sentiment Analysis, PyTorch Implementations. 基于方面的情感分析,使用PyTorch实现。
ALBERT_NER_KERAS
利用ALBERT和BI-LSTM,在Keras中实现序列标注算法。
ASGCN
Code and preprocessed dataset for EMNLP 2019 paper titled "Aspect-based Sentiment Classification with Aspect-specific Graph Convolutional Networks"
BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
BERT-NER-TF
Named Entity Recognition with BERT using TensorFlow 2.0
bert_in_keras
在Keras下微调Bert的一些例子;some examples of bert in keras
Bidirectiona-LSTM-for-text-summarization-
A bidirectional encoder-decoder LSTM neural network is trained for text summarization on the cnn/dailymail dataset. (MIT808 project)
ChineseNlpCorpus
搜集、整理、发布 中文 自然语言处理 语料/数据集,与 有志之士 共同 促进 中文 自然语言处理 的 发展。
Company-Names-Corpus
公司名语料库。机构名语料库。公司简称,缩写,品牌词,企业名。
time_series_Transformer
adonis1022's Repositories
adonis1022/time_series_Transformer
adonis1022/ABSA-PyTorch
Aspect Based Sentiment Analysis, PyTorch Implementations. 基于方面的情感分析,使用PyTorch实现。
adonis1022/ALBERT_NER_KERAS
利用ALBERT和BI-LSTM,在Keras中实现序列标注算法。
adonis1022/ASGCN
Code and preprocessed dataset for EMNLP 2019 paper titled "Aspect-based Sentiment Classification with Aspect-specific Graph Convolutional Networks"
adonis1022/BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
adonis1022/BERT-NER-TF
Named Entity Recognition with BERT using TensorFlow 2.0
adonis1022/bert_in_keras
在Keras下微调Bert的一些例子;some examples of bert in keras
adonis1022/Bidirectiona-LSTM-for-text-summarization-
A bidirectional encoder-decoder LSTM neural network is trained for text summarization on the cnn/dailymail dataset. (MIT808 project)
adonis1022/ChineseNlpCorpus
搜集、整理、发布 中文 自然语言处理 语料/数据集,与 有志之士 共同 促进 中文 自然语言处理 的 发展。
adonis1022/Company-Names-Corpus
公司名语料库。机构名语料库。公司简称,缩写,品牌词,企业名。
adonis1022/Compositional-Pre-Training-for-Semantic-Parsing-with-BERT
Implementation of Semantic Parsing with BERT and compositional pre-training on GeoQuery
adonis1022/DEA
Data Envelopment Analysis 資料包絡分析
adonis1022/delta
DELTA is a deep learning based natural language and speech processing platform.
adonis1022/el-2019
2019年百度的实体链接比赛,“科学空间队”源码
adonis1022/glyce
Code for NeurIPS 2019 - Glyce: Glyph-vectors for Chinese Character Representations
adonis1022/google-research
Google Research
adonis1022/keras-xlnet
Implementation of XLNet that can load pretrained checkpoints
adonis1022/LARK
LAnguage Representations Kit
adonis1022/LightGBM
A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.
adonis1022/machine-learning-notes
My continuously updated Machine Learning, Probabilistic Models and Deep Learning notes and demos (1500+ slides) 我不间断更新的机器学习,概率模型和深度学习的讲义(1500+页)和视频链接
adonis1022/NeuralNLP-NeuralClassifier
An Open-source Neural Hierarchical Multi-label Text Classification Toolkit
adonis1022/nlp-journey
NLP 相关的一些文档、论文及代码, 包括主题模型(Topic Model)、词向量(Word Embedding)、命名实体识别(Named Entity Recognition)、文本分类(Text Classificatin)、文本生成(Text Generation)、文本相似性(Text Similarity)计算、机器翻译(Machine Translation)等,涉及到各种与nlp相关的算法,基于keras和tensorflow。
adonis1022/OpenCLaP
Open Chinese Language Pre-trained Model Zoo
adonis1022/OpenNRE
An Open-Source Package for Neural Relation Extraction (NRE) implemented in TensorFlow
adonis1022/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
adonis1022/scikit-opt
Genetic Algorithm, Particle Swarm Optimization, Simulated Annealing, Ant Colony Optimization Algorithm,Immune Algorithm, Artificial Fish Swarm Algorithm, Differential Evolution and TSP(Traveling salesman) 遗传、粒子群、模拟退火、蚁群算法等
adonis1022/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
adonis1022/tf2-BertCrf-Ner
adonis1022/Time-series-prediction
A collection of time series prediction methods: rnn, seq2seq, cnn, wavenet, transformer, unet, n-beats, gan, kalman-filter
adonis1022/TimeSeriesTransformerLSTM