All Projects → Gumbel-CRF → Similar Projects or Alternatives

338 Open source projects that are alternatives of or similar to Gumbel-CRF

caffe-simnets
The SimNets Architecture's Implementation in Caffe
Stars: ✭ 13 (-74.51%)
Mutual labels:  generative-model
Semantic Segmentation Of Remote Sensing Images
遥感图像的语义分割,基于深度学习,在Tensorflow框架下,利用TF.Keras,运行环境TF2.0+
Stars: ✭ 125 (+145.1%)
Mutual labels:  crf
mahjong
开源中文分词工具包,中文分词Web API,Lucene中文分词,中英文混合分词
Stars: ✭ 40 (-21.57%)
Mutual labels:  crf
Ner
命名体识别(NER)综述-论文-模型-代码(BiLSTM-CRF/BERT-CRF)-竞赛资源总结-随时更新
Stars: ✭ 118 (+131.37%)
Mutual labels:  crf
trVAE
Conditional out-of-distribution prediction
Stars: ✭ 47 (-7.84%)
Mutual labels:  generative-model
Pydensecrf
Python wrapper to Philipp Krähenbühl's dense (fully connected) CRFs with gaussian edge potentials.
Stars: ✭ 1,633 (+3101.96%)
Mutual labels:  crf
CondGen
Conditional Structure Generation through Graph Variational Generative Adversarial Nets, NeurIPS 2019.
Stars: ✭ 46 (-9.8%)
Mutual labels:  generative-model
Min nlp practice
Chinese & English Cws Pos Ner Entity Recognition implement using CNN bi-directional lstm and crf model with char embedding.基于字向量的CNN池化双向BiLSTM与CRF模型的网络,可能一体化的完成中文和英文分词,词性标注,实体识别。主要包括原始文本数据,数据转换,训练脚本,预训练模型,可用于序列标注研究.注意:唯一需要实现的逻辑是将用户数据转化为序列模型。分词准确率约为93%,词性标注准确率约为90%,实体标注(在本样本上)约为85%。
Stars: ✭ 107 (+109.8%)
Mutual labels:  crf
normalizing-flows
PyTorch implementation of normalizing flow models
Stars: ✭ 271 (+431.37%)
Mutual labels:  density-estimation
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 (+70.59%)
Mutual labels:  crf
crfsuite-rs
Rust binding to crfsuite
Stars: ✭ 19 (-62.75%)
Mutual labels:  crf
Grobid
A machine learning software for extracting information from scholarly documents
Stars: ✭ 1,275 (+2400%)
Mutual labels:  crf
porn-description-generator
Generates new porn descriptions based on an edited dataset of xhamster video descriptions uploaded between 2007-2016.
Stars: ✭ 40 (-21.57%)
Mutual labels:  text-generation
latent-pose-reenactment
The authors' implementation of the "Neural Head Reenactment with Latent Pose Descriptors" (CVPR 2020) paper.
Stars: ✭ 132 (+158.82%)
Mutual labels:  generative-model
Unet Crf Rnn
Edge-aware U-Net with CRF-RNN layer for Medical Image Segmentation
Stars: ✭ 63 (+23.53%)
Mutual labels:  crf
worlds
Building Virtual Reality Worlds using Three.js
Stars: ✭ 23 (-54.9%)
Mutual labels:  generative-model
Tf Lstm Crf Batch
Tensorflow-LSTM-CRF tool for Named Entity Recognizer
Stars: ✭ 59 (+15.69%)
Mutual labels:  crf
xinlp
把李航老师《统计学习方法》的后几章的算法都用java实现了一遍,实现盒子与球的EM算法,扩展到去GMM训练,后来实现了HMM分词(实现了HMM分词的参数训练)和CRF分词(借用CRF++训练的参数模型),最后利用tensorFlow把BiLSTM+CRF实现了,然后为lucene包装了一个XinAnalyzer
Stars: ✭ 21 (-58.82%)
Mutual labels:  crf
Ntagger
reference pytorch code for named entity tagging
Stars: ✭ 58 (+13.73%)
Mutual labels:  crf
Named entity recognition
中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)
Stars: ✭ 995 (+1850.98%)
Mutual labels:  crf
mix-stage
Official Repository for the paper Style Transfer for Co-Speech Gesture Animation: A Multi-Speaker Conditional-Mixture Approach published in ECCV 2020 (https://arxiv.org/abs/2007.12553)
Stars: ✭ 22 (-56.86%)
Mutual labels:  generative-model
Lm Lstm Crf
Empower Sequence Labeling with Task-Aware Language Model
Stars: ✭ 778 (+1425.49%)
Mutual labels:  crf
ChineseNER
中文NER的那些事儿
Stars: ✭ 241 (+372.55%)
Mutual labels:  crf
Python Crfsuite
A python binding for crfsuite
Stars: ✭ 678 (+1229.41%)
Mutual labels:  crf
texturize
🤖🖌️ Generate photo-realistic textures based on source images. Remix, remake, mashup! Useful if you want to create variations on a theme or elaborate on an existing texture.
Stars: ✭ 495 (+870.59%)
Mutual labels:  generative-model
Lstm Crf Pytorch
LSTM-CRF in PyTorch
Stars: ✭ 364 (+613.73%)
Mutual labels:  crf
Machine Learning Code
《统计学习方法》与常见机器学习模型(GBDT/XGBoost/lightGBM/FM/FFM)的原理讲解与python和类库实现
Stars: ✭ 169 (+231.37%)
Mutual labels:  crf
Sltk
序列化标注工具,基于PyTorch实现BLSTM-CNN-CRF模型,CoNLL 2003 English NER测试集F1值为91.10%(word and char feature)。
Stars: ✭ 338 (+562.75%)
Mutual labels:  crf
continuous-time-flow-process
PyTorch code of "Modeling Continuous Stochastic Processes with Dynamic Normalizing Flows" (NeurIPS 2020)
Stars: ✭ 34 (-33.33%)
Mutual labels:  generative-model
Macropodus
自然语言处理工具Macropodus,基于Albert+BiLSTM+CRF深度学习网络架构,中文分词,词性标注,命名实体识别,新词发现,关键词,文本摘要,文本相似度,科学计算器,中文数字阿拉伯数字(罗马数字)转换,中文繁简转换,拼音转换。tookit(tool) of NLP,CWS(chinese word segnment),POS(Part-Of-Speech Tagging),NER(name entity recognition),Find(new words discovery),Keyword(keyword extraction),Summarize(text summarization),Sim(text similarity),Calculate(scientific calculator),Chi2num(chinese number to arabic number)
Stars: ✭ 309 (+505.88%)
Mutual labels:  crf
awesome-text-style-transfer
A list of resources about Text Style Transfer
Stars: ✭ 43 (-15.69%)
Mutual labels:  text-generation
Slot filling and intent detection of slu
slot filling, intent detection, joint training, ATIS & SNIPS datasets, the Facebook’s multilingual dataset, MIT corpus, E-commerce Shopping Assistant (ECSA) dataset, CoNLL2003 NER, ELMo, BERT, XLNet
Stars: ✭ 298 (+484.31%)
Mutual labels:  crf
feed forward vqgan clip
Feed forward VQGAN-CLIP model, where the goal is to eliminate the need for optimizing the latent space of VQGAN for each input prompt
Stars: ✭ 135 (+164.71%)
Mutual labels:  generative-model
Rnnsharp
RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.
Stars: ✭ 277 (+443.14%)
Mutual labels:  crf
spring
SPRING is a seq2seq model for Text-to-AMR and AMR-to-Text (AAAI2021).
Stars: ✭ 103 (+101.96%)
Mutual labels:  data-to-text
A Pytorch Tutorial To Sequence Labeling
Empower Sequence Labeling with Task-Aware Neural Language Model | a PyTorch Tutorial to Sequence Labeling
Stars: ✭ 257 (+403.92%)
Mutual labels:  crf
text-generator
Golang text generator for generate SEO texts
Stars: ✭ 18 (-64.71%)
Mutual labels:  text-generation
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 (+13.73%)
Mutual labels:  crf
Pytorch ner bilstm cnn crf
End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF implement in pyotrch
Stars: ✭ 249 (+388.24%)
Mutual labels:  crf
entity recognition
Entity recognition codes for "2019 Datagrand Cup: Text Information Extraction Challenge"
Stars: ✭ 26 (-49.02%)
Mutual labels:  crf
keras-crf-ner
keras+bi-lstm+crf,中文命名实体识别
Stars: ✭ 16 (-68.63%)
Mutual labels:  crf
grobid-quantities
GROBID extension for identifying and normalizing physical quantities.
Stars: ✭ 53 (+3.92%)
Mutual labels:  crf
Torchnlp
Easy to use NLP library built on PyTorch and TorchText
Stars: ✭ 233 (+356.86%)
Mutual labels:  crf
giantgo-render
基于vue3 element plus的快速表单生成器
Stars: ✭ 28 (-45.1%)
Mutual labels:  crf
coursera-gan-specialization
Programming assignments and quizzes from all courses within the GANs specialization offered by deeplearning.ai
Stars: ✭ 277 (+443.14%)
Mutual labels:  generative-model
StatNLP-Framework
C++ based implementation of StatNLP framework
Stars: ✭ 17 (-66.67%)
Mutual labels:  crf
Open Sesame
A frame-semantic parsing system based on a softmax-margin SegRNN.
Stars: ✭ 170 (+233.33%)
Mutual labels:  crf
Legal-Entity-Recognition
A Dataset of German Legal Documents for Named Entity Recognition
Stars: ✭ 98 (+92.16%)
Mutual labels:  crf
eccv16 attr2img
Torch Implemention of ECCV'16 paper: Attribute2Image
Stars: ✭ 93 (+82.35%)
Mutual labels:  generative-model
jcrfsuite
Java interface for CRFsuite: http://www.chokkan.org/software/crfsuite/
Stars: ✭ 44 (-13.73%)
Mutual labels:  crf
Fcn For Semantic Segmentation
Implemention of FCN-8 and FCN-16 with Keras and uses CRF as post processing
Stars: ✭ 155 (+203.92%)
Mutual labels:  crf
crf-seg
crf-seg:用于生产环境的中文分词处理工具,可自定义语料、可自定义模型、架构清晰,分词效果好。java编写。
Stars: ✭ 13 (-74.51%)
Mutual labels:  crf
Transformer-QG-on-SQuAD
Implement Question Generator with SOTA pre-trained Language Models (RoBERTa, BERT, GPT, BART, T5, etc.)
Stars: ✭ 28 (-45.1%)
Mutual labels:  text-generation
CRFasRNNLayer
Conditional Random Fields as Recurrent Neural Networks (Tensorflow)
Stars: ✭ 76 (+49.02%)
Mutual labels:  crf
AC-VRNN
PyTorch code for CVIU paper "AC-VRNN: Attentive Conditional-VRNN for Multi-Future Trajectory Prediction"
Stars: ✭ 21 (-58.82%)
Mutual labels:  generative-model
Clinical Ner
面向中文电子病历的命名实体识别
Stars: ✭ 151 (+196.08%)
Mutual labels:  crf
Ner Slot filling
中文自然语言的实体抽取和意图识别(Natural Language Understanding),可选Bi-LSTM + CRF 或者 IDCNN + CRF
Stars: ✭ 151 (+196.08%)
Mutual labels:  crf
G2pc
g2pC: A Context-aware Grapheme-to-Phoneme Conversion module for Chinese
Stars: ✭ 155 (+203.92%)
Mutual labels:  crf
SGCP
TACL 2020: Syntax-Guided Controlled Generation of Paraphrases
Stars: ✭ 67 (+31.37%)
Mutual labels:  paraphrase-generation
Cancerify
Turn an innocent text into torturous hell
Stars: ✭ 44 (-13.73%)
Mutual labels:  text-generation
61-120 of 338 similar projects