All Projects → gpl → Similar Projects or Alternatives

559 Open source projects that are alternatives of or similar to gpl

Scdv
Text classification with Sparse Composite Document Vectors.
Stars: ✭ 54 (-75%)
Mutual labels:  information-retrieval
bert in a flask
A dockerized flask API, serving ALBERT and BERT predictions using TensorFlow 2.0.
Stars: ✭ 32 (-85.19%)
Mutual labels:  bert
kex
Kex is a python library for unsupervised keyword extraction from a document, providing an easy interface and benchmarks on 15 public datasets.
Stars: ✭ 46 (-78.7%)
Mutual labels:  information-retrieval
T3
[EMNLP 2020] "T3: Tree-Autoencoder Constrained Adversarial Text Generation for Targeted Attack" by Boxin Wang, Hengzhi Pei, Boyuan Pan, Qian Chen, Shuohang Wang, Bo Li
Stars: ✭ 25 (-88.43%)
Mutual labels:  bert
Hdltex
HDLTex: Hierarchical Deep Learning for Text Classification
Stars: ✭ 191 (-11.57%)
Mutual labels:  information-retrieval
PIE
Fast + Non-Autoregressive Grammatical Error Correction using BERT. Code and Pre-trained models for paper "Parallel Iterative Edit Models for Local Sequence Transduction": www.aclweb.org/anthology/D19-1435.pdf (EMNLP-IJCNLP 2019)
Stars: ✭ 164 (-24.07%)
Mutual labels:  bert
MixGCF
MixGCF: An Improved Training Method for Graph Neural Network-based Recommender Systems, KDD2021
Stars: ✭ 73 (-66.2%)
Mutual labels:  information-retrieval
iamQA
中文wiki百科QA阅读理解问答系统,使用了CCKS2016数据的NER模型和CMRC2018的阅读理解模型,还有W2V词向量搜索,使用torchserve部署
Stars: ✭ 46 (-78.7%)
Mutual labels:  bert
Nprf
NPRF: A Neural Pseudo Relevance Feedback Framework for Ad-hoc Information Retrieval
Stars: ✭ 31 (-85.65%)
Mutual labels:  information-retrieval
bert-as-a-service TFX
End-to-end pipeline with TFX to train and deploy a BERT model for sentiment analysis.
Stars: ✭ 32 (-85.19%)
Mutual labels:  bert
patzilla
PatZilla is a modular patent information research platform and data integration toolkit with a modern user interface and access to multiple data sources.
Stars: ✭ 71 (-67.13%)
Mutual labels:  information-retrieval
KoBERT-nsmc
Naver movie review sentiment classification with KoBERT
Stars: ✭ 57 (-73.61%)
Mutual labels:  bert
ProQA
Progressively Pretrained Dense Corpus Index for Open-Domain QA and Information Retrieval
Stars: ✭ 44 (-79.63%)
Mutual labels:  information-retrieval
knowledge-graph-nlp-in-action
从模型训练到部署,实战知识图谱(Knowledge Graph)&自然语言处理(NLP)。涉及 Tensorflow, Bert+Bi-LSTM+CRF,Neo4j等 涵盖 Named Entity Recognition,Text Classify,Information Extraction,Relation Extraction 等任务。
Stars: ✭ 58 (-73.15%)
Mutual labels:  bert
Knowledge Graphs
A collection of research on knowledge graphs
Stars: ✭ 845 (+291.2%)
Mutual labels:  information-retrieval
Filipino-Text-Benchmarks
Open-source benchmark datasets and pretrained transformer models in the Filipino language.
Stars: ✭ 22 (-89.81%)
Mutual labels:  bert
COVID19-IRQA
No description or website provided.
Stars: ✭ 32 (-85.19%)
Mutual labels:  information-retrieval
Mengzi
Mengzi Pretrained Models
Stars: ✭ 238 (+10.19%)
Mutual labels:  bert
Openmatch
An Open-Source Package for Information Retrieval.
Stars: ✭ 186 (-13.89%)
Mutual labels:  information-retrieval
semantic-document-relations
Implementation, trained models and result data for the paper "Pairwise Multi-Class Document Classification for Semantic Relations between Wikipedia Articles"
Stars: ✭ 21 (-90.28%)
Mutual labels:  bert
awesome-pretrained-models-for-information-retrieval
A curated list of awesome papers related to pre-trained models for information retrieval (a.k.a., pretraining for IR).
Stars: ✭ 278 (+28.7%)
Mutual labels:  information-retrieval
Drl4nlp.scratchpad
Notes on Deep Reinforcement Learning for Natural Language Processing papers
Stars: ✭ 26 (-87.96%)
Mutual labels:  information-retrieval
learning2hash.github.io
Website for "A survey of learning to hash for Computer Vision" https://learning2hash.github.io
Stars: ✭ 14 (-93.52%)
Mutual labels:  information-retrieval
deepconsensus
DeepConsensus uses gap-aware sequence transformers to correct errors in Pacific Biosciences (PacBio) Circular Consensus Sequencing (CCS) data.
Stars: ✭ 124 (-42.59%)
Mutual labels:  transformers
KLUE
📖 Korean NLU Benchmark
Stars: ✭ 420 (+94.44%)
Mutual labels:  bert
LuceneTutorial
A simple tutorial of Lucene for LIS 501 Introduction to Text Mining students at the University of Wisconsin-Madison (Fall 2021).
Stars: ✭ 62 (-71.3%)
Mutual labels:  information-retrieval
NER-FunTool
本NER项目包含多个中文数据集,模型采用BiLSTM+CRF、BERT+Softmax、BERT+Cascade、BERT+WOL等,最后用TFServing进行模型部署,线上推理和线下推理。
Stars: ✭ 56 (-74.07%)
Mutual labels:  bert
IR-exercises
Solutions of the various test exams of the Information Retrieval course
Stars: ✭ 28 (-87.04%)
Mutual labels:  information-retrieval
bert sa
bert sentiment analysis tensorflow serving with RESTful API
Stars: ✭ 35 (-83.8%)
Mutual labels:  bert
SENet-for-Weakly-Supervised-Relation-Extraction
No description or website provided.
Stars: ✭ 39 (-81.94%)
Mutual labels:  information-retrieval
NSP-BERT
The code for our paper "NSP-BERT: A Prompt-based Zero-Shot Learner Through an Original Pre-training Task —— Next Sentence Prediction"
Stars: ✭ 166 (-23.15%)
Mutual labels:  bert
Relevancyfeedback
Dice.com's relevancy feedback solr plugin created by Simon Hughes (Dice). Contains request handlers for doing MLT style recommendations, conceptual search, semantic search and personalized search
Stars: ✭ 19 (-91.2%)
Mutual labels:  information-retrieval
textgo
Text preprocessing, representation, similarity calculation, text search and classification. Let's go and play with text!
Stars: ✭ 33 (-84.72%)
Mutual labels:  bert
perke
A keyphrase extractor for Persian
Stars: ✭ 60 (-72.22%)
Mutual labels:  information-retrieval
ALBERT-Pytorch
Pytorch Implementation of ALBERT(A Lite BERT for Self-supervised Learning of Language Representations)
Stars: ✭ 214 (-0.93%)
Mutual labels:  bert
Neuralqa
NeuralQA: A Usable Library for Question Answering on Large Datasets with BERT
Stars: ✭ 185 (-14.35%)
Mutual labels:  information-retrieval
bert quora question pairs
BERT Model Fine-tuning on Quora Questions Pairs
Stars: ✭ 28 (-87.04%)
Mutual labels:  bert
query-wellformedness
25,100 queries from the Paralex corpus (Fader et al., 2013) annotated with human ratings of whether they are well-formed natural language questions.
Stars: ✭ 80 (-62.96%)
Mutual labels:  information-retrieval
Talisman
Straightforward fuzzy matching, information retrieval and NLP building blocks for JavaScript.
Stars: ✭ 584 (+170.37%)
Mutual labels:  information-retrieval
Vtext
Simple NLP in Rust with Python bindings
Stars: ✭ 108 (-50%)
Mutual labels:  information-retrieval
lucene
Apache Lucene open-source search software
Stars: ✭ 1,009 (+367.13%)
Mutual labels:  information-retrieval
bern
A neural named entity recognition and multi-type normalization tool for biomedical text mining
Stars: ✭ 151 (-30.09%)
Mutual labels:  bert
SQUAD2.Q-Augmented-Dataset
Augmented version of SQUAD 2.0 for Questions
Stars: ✭ 31 (-85.65%)
Mutual labels:  bert
Fengshenbang-LM
Fengshenbang-LM(封神榜大模型)是IDEA研究院认知计算与自然语言研究中心主导的大模型开源体系,成为中文AIGC和认知智能的基础设施。
Stars: ✭ 1,813 (+739.35%)
Mutual labels:  transformers
DocProduct
Medical Q&A with Deep Language Models
Stars: ✭ 527 (+143.98%)
Mutual labels:  bert
Dalle Pytorch
Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch
Stars: ✭ 3,661 (+1594.91%)
Mutual labels:  transformers
ark-nlp
A private nlp coding package, which quickly implements the SOTA solutions.
Stars: ✭ 232 (+7.41%)
Mutual labels:  bert
Resin
Hardware-accelerated vector-based search engine. Available as a HTTP service or as an embedded library.
Stars: ✭ 529 (+144.91%)
Mutual labels:  information-retrieval
Information-Retrieval
Information Retrieval algorithms developed in python. To follow the blog posts, click on the link:
Stars: ✭ 103 (-52.31%)
Mutual labels:  information-retrieval
Self-Supervised-Embedding-Fusion-Transformer
The code for our IEEE ACCESS (2020) paper Multimodal Emotion Recognition with Transformer-Based Self Supervised Feature Fusion.
Stars: ✭ 57 (-73.61%)
Mutual labels:  bert
Ranking
Learning to Rank in TensorFlow
Stars: ✭ 2,362 (+993.52%)
Mutual labels:  information-retrieval
transformers-interpret
Model explainability that works seamlessly with 🤗 transformers. Explain your transformers model in just 2 lines of code.
Stars: ✭ 861 (+298.61%)
Mutual labels:  transformers
py-lingualytics
A text analytics library with support for codemixed data
Stars: ✭ 36 (-83.33%)
Mutual labels:  bert
pykale
Knowledge-Aware machine LEarning (KALE): accessible machine learning from multiple sources for interdisciplinary research, part of the 🔥PyTorch ecosystem
Stars: ✭ 381 (+76.39%)
Mutual labels:  domain-adaptation
Transformer-Implementations
Library - Vanilla, ViT, DeiT, BERT, GPT
Stars: ✭ 34 (-84.26%)
Mutual labels:  transformers
pytorch-revgrad
A minimal pytorch package implementing a gradient reversal layer.
Stars: ✭ 142 (-34.26%)
Mutual labels:  domain-adaptation
protonet-bert-text-classification
finetune bert for small dataset text classification in a few-shot learning manner using ProtoNet
Stars: ✭ 28 (-87.04%)
Mutual labels:  bert
Ds2i
A library of inverted index data structures
Stars: ✭ 104 (-51.85%)
Mutual labels:  information-retrieval
JPQ
CIKM'21: JPQ substantially improves the efficiency of Dense Retrieval with 30x compression ratio, 10x CPU speedup and 2x GPU speedup.
Stars: ✭ 39 (-81.94%)
Mutual labels:  information-retrieval
elastic transformers
Making BERT stretchy. Semantic Elasticsearch with Sentence Transformers
Stars: ✭ 153 (-29.17%)
Mutual labels:  transformers
301-360 of 559 similar projects