All Projects → mahjong → Similar Projects or Alternatives

182 Open source projects that are alternatives of or similar to mahjong

G2pc
g2pC: A Context-aware Grapheme-to-Phoneme Conversion module for Chinese
Stars: ✭ 155 (+287.5%)
Mutual labels:  crf, pinyin
Machine Learning Code
《统计学习方法》与常见机器学习模型(GBDT/XGBoost/lightGBM/FM/FFM)的原理讲解与python和类库实现
Stars: ✭ 169 (+322.5%)
Mutual labels:  hmm, crf
CIP
Basic exercises of chinese information processing
Stars: ✭ 32 (-20%)
Mutual labels:  hmm, crf
xinlp
把李航老师《统计学习方法》的后几章的算法都用java实现了一遍,实现盒子与球的EM算法,扩展到去GMM训练,后来实现了HMM分词(实现了HMM分词的参数训练)和CRF分词(借用CRF++训练的参数模型),最后利用tensorFlow把BiLSTM+CRF实现了,然后为lucene包装了一个XinAnalyzer
Stars: ✭ 21 (-47.5%)
Mutual labels:  hmm, crf
Gse
Go efficient multilingual NLP and text segmentation; support english, chinese, japanese and other. Go 高性能多语言 NLP 和分词
Stars: ✭ 1,695 (+4137.5%)
Mutual labels:  hmm
Pytorch Bert Crf Ner
KoBERT와 CRF로 만든 한국어 개체명인식기 (BERT+CRF based Named Entity Recognition model for Korean)
Stars: ✭ 236 (+490%)
Mutual labels:  crf
Deep Crf
An implementation of Conditional Random Fields (CRFs) with Deep Learning Method
Stars: ✭ 161 (+302.5%)
Mutual labels:  crf
Clinical Ner
面向中文电子病历的命名实体识别
Stars: ✭ 151 (+277.5%)
Mutual labels:  crf
lua-graph
Graph algorithms in lua
Stars: ✭ 57 (+42.5%)
Mutual labels:  dijkstra
reacnetgenerator
an automatic reaction network generator for reactive molecular dynamics simulation
Stars: ✭ 25 (-37.5%)
Mutual labels:  hmm
Mylearn
machine learning algorithm
Stars: ✭ 125 (+212.5%)
Mutual labels:  crf
HMMBase.jl
Hidden Markov Models for Julia.
Stars: ✭ 83 (+107.5%)
Mutual labels:  hmm
hanzi-pinyin-font
Chinese font displaying Hanzi (汉字) characters with by transliteration/pronunciation (Pīnyīn).
Stars: ✭ 79 (+97.5%)
Mutual labels:  pinyin
Fancy Nlp
NLP for human. A fast and easy-to-use natural language processing (NLP) toolkit, satisfying your imagination about NLP.
Stars: ✭ 233 (+482.5%)
Mutual labels:  crf
pathfinding-visualizer
Website built using React Framework for visualizing Pathfinding and Maze Generation Algorithms.
Stars: ✭ 33 (-17.5%)
Mutual labels:  dijkstra
Sequence tagging
Named Entity Recognition (LSTM + CRF) - Tensorflow
Stars: ✭ 1,889 (+4622.5%)
Mutual labels:  crf
unsupervised-pos-tagging
教師なし品詞タグ推定
Stars: ✭ 16 (-60%)
Mutual labels:  hmm
Ncrfpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
Stars: ✭ 1,767 (+4317.5%)
Mutual labels:  crf
psycopgr
A Python wrapper of pgRouting for routing from nodes to nodes on real map.
Stars: ✭ 24 (-40%)
Mutual labels:  dijkstra
Ner
命名体识别(NER)综述-论文-模型-代码(BiLSTM-CRF/BERT-CRF)-竞赛资源总结-随时更新
Stars: ✭ 118 (+195%)
Mutual labels:  crf
Multilstm
keras attentional bi-LSTM-CRF for Joint NLU (slot-filling and intent detection) with ATIS
Stars: ✭ 122 (+205%)
Mutual labels:  crf
Daguan 2019 rank9
datagrand 2019 information extraction competition rank9
Stars: ✭ 121 (+202.5%)
Mutual labels:  crf
Crfsharp
CRFSharp is Conditional Random Fields implemented by .NET(C#), a machine learning algorithm for learning from labeled sequences of examples.
Stars: ✭ 110 (+175%)
Mutual labels:  crf
ChineseNER
中文NER的那些事儿
Stars: ✭ 241 (+502.5%)
Mutual labels:  crf
libfmp
libfmp - Python package for teaching and learning Fundamentals of Music Processing (FMP)
Stars: ✭ 71 (+77.5%)
Mutual labels:  hmm
Etagger
reference tensorflow code for named entity tagging
Stars: ✭ 100 (+150%)
Mutual labels:  crf
ml
machine learning
Stars: ✭ 29 (-27.5%)
Mutual labels:  hmm
interspeech2018 submission01
Supplementary information and code for INTERSPEECH 2018 paper: Singing voice phoneme segmentation by hierarchically inferring syllable and phoneme onset positions
Stars: ✭ 43 (+7.5%)
Mutual labels:  hmm
Pytorch ner bilstm cnn crf
End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF implement in pyotrch
Stars: ✭ 249 (+522.5%)
Mutual labels:  crf
langx-java
Java tools, helper, common utilities. A replacement of guava, apache-commons, hutool
Stars: ✭ 50 (+25%)
Mutual labels:  pinyin
Torchnlp
Easy to use NLP library built on PyTorch and TorchText
Stars: ✭ 233 (+482.5%)
Mutual labels:  crf
esapp
An unsupervised Chinese word segmentation tool.
Stars: ✭ 13 (-67.5%)
Mutual labels:  chinese-text-segmentation
Open Sesame
A frame-semantic parsing system based on a softmax-margin SegRNN.
Stars: ✭ 170 (+325%)
Mutual labels:  crf
ViterbiAlgorithm
Viterbi Algorithm for HMM
Stars: ✭ 26 (-35%)
Mutual labels:  viterbi
Fcn For Semantic Segmentation
Implemention of FCN-8 and FCN-16 with Keras and uses CRF as post processing
Stars: ✭ 155 (+287.5%)
Mutual labels:  crf
BayesHMM
Full Bayesian Inference for Hidden Markov Models
Stars: ✭ 35 (-12.5%)
Mutual labels:  hmm
Nlp Journey
Documents, papers and codes related to Natural Language Processing, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
Stars: ✭ 1,290 (+3125%)
Mutual labels:  crf
susa
High Performance Computing (HPC) and Signal Processing Framework
Stars: ✭ 55 (+37.5%)
Mutual labels:  viterbi
Ner Slot filling
中文自然语言的实体抽取和意图识别(Natural Language Understanding),可选Bi-LSTM + CRF 或者 IDCNN + CRF
Stars: ✭ 151 (+277.5%)
Mutual labels:  crf
HTK
The Hidden Markov Model Toolkit (HTK) from University of Cambridge, with fixed issues.
Stars: ✭ 23 (-42.5%)
Mutual labels:  hmm
Id Cnn Cws
Source codes and corpora of paper "Iterated Dilated Convolutions for Chinese Word Segmentation"
Stars: ✭ 129 (+222.5%)
Mutual labels:  crf
coursera robotics
Contains coursera robotics specialization assignment codes
Stars: ✭ 65 (+62.5%)
Mutual labels:  dijkstra
Semantic Segmentation Of Remote Sensing Images
遥感图像的语义分割,基于深度学习,在Tensorflow框架下,利用TF.Keras,运行环境TF2.0+
Stars: ✭ 125 (+212.5%)
Mutual labels:  crf
LinLP
使用Python进行自然语言处理相关实践,如新词发现,主题模型,隐马尔模型词性标注,Word2Vec,情感分析
Stars: ✭ 43 (+7.5%)
Mutual labels:  hmm
jyut-dict
A free, open-source, offline Cantonese Dictionary for Windows, Mac, and Linux. Qt, SQLite. C++ and Python.
Stars: ✭ 67 (+67.5%)
Mutual labels:  pinyin
mchmm
Markov Chains and Hidden Markov Models in Python
Stars: ✭ 89 (+122.5%)
Mutual labels:  hmm
Meanfield Matlab
MATLAB wrapper for Efficient Inference in Fully Connected CRF
Stars: ✭ 76 (+90%)
Mutual labels:  crf
Pydensecrf
Python wrapper to Philipp Krähenbühl's dense (fully connected) CRFs with gaussian edge potentials.
Stars: ✭ 1,633 (+3982.5%)
Mutual labels:  crf
bioinf-commons
Bioinformatics library in Kotlin
Stars: ✭ 21 (-47.5%)
Mutual labels:  hmm
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 (+167.5%)
Mutual labels:  crf
keras-crf-ner
keras+bi-lstm+crf,中文命名实体识别
Stars: ✭ 16 (-60%)
Mutual labels:  crf
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 (+117.5%)
Mutual labels:  crf
pymc3-hmm
Hidden Markov models in PyMC3
Stars: ✭ 81 (+102.5%)
Mutual labels:  hmm
Grobid
A machine learning software for extracting information from scholarly documents
Stars: ✭ 1,275 (+3087.5%)
Mutual labels:  crf
crfsuite-rs
Rust binding to crfsuite
Stars: ✭ 19 (-52.5%)
Mutual labels:  crf
HiddenMarkovModel
Python implementation of Hidden Markov Model, with demo of Chinese Part-of-Speech tagging
Stars: ✭ 16 (-60%)
Mutual labels:  hmm
Bert Bilstm Crf Pytorch
bert-bilstm-crf implemented in pytorch for named entity recognition.
Stars: ✭ 71 (+77.5%)
Mutual labels:  crf
pinyin
an R package for converting Chineses characters into pinyin
Stars: ✭ 45 (+12.5%)
Mutual labels:  pinyin
video-quality-metrics
Test specified presets/CRF values for the x264 or x265 encoder. Compares VMAF/SSIM/PSNR numerically & via graphs.
Stars: ✭ 87 (+117.5%)
Mutual labels:  crf
citar
Citar HMM part-of-speech tagger
Stars: ✭ 16 (-60%)
Mutual labels:  hmm
1-60 of 182 similar projects