(zhuan) Speech and Natural Language Processing

 

Speech and Natural Language Processing

obtain from this link: https://github.com/edobashira/speech-language-processing

A curated list of speech and natural language processing resources. Other lists can be found in this list. If you want to contribute to this list (please do), send me a pull request. All Sub-caterogires are listed in alphabetical order

Finite State Toolkits and Regular Expressions

  • AT&T FSM Library The AT&T FSM libraryTM is a set of general-purpose software tools available for Unix, for building, combining, optimizing, and searching weighted finite-state acceptors and transducers.
  • Carmel Finite-state toolkit, EM and Bayesian (Gibbs sampling) training for FST and context-free derivation forests/
  • Categorial semiring Categorial semiring as described in Sproat et al. 2014
  • dk.brics.automaton Java toolkit for FSAs and regular expression.
  • Fare Fare is a finite state and regular expression libary for the .NET framework written in C#. am is a JavaScript library for working with automata and formal grammars for regular and context-free languages
  • Foma Finite-state compiler and C library
  • fsa Toolkit used in RWTH ASR engine
  • fsm2.0 Thomas Hanneforths fsm 2.0 library written C++ has a few nice operations such as three-way composition
  • fstrain A toolkit for training finite-state models
  • jopenfst Java port of the C++ OpenFst library; originally forked from the CMU Sphinx project
  • Kleene programming language High level finite state programming language built on top of OpenFst.
  • MIT FST Toolkit WFST toolkit no maintained anymore but feature a few commands not found in other toolkits
  • MoMs-for-StochasticLanguages Spectral and other training algorithms for WFSAs.
  • n Shortest Path for PDT n Shortest Path for PDT
  • Noam "Noam is a JavaScript library for working with automata and formal grammars for regular and context-free languages". Also has pretty cool examples using viz.js
  • OpenFst OpenFst is a library for constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs).
  • openfst-utils Nice set of utilities for OpenFst includes implementation of Categorial semirings.openfst-utils.
  • openlat Toolkit for manipulating word lattice built on top of OpenFst. Includes support for reading and writing HTK compatible lattices.
  • PyFst Python interface to OpenFst
  • SFST - Stuttgart Finite State Transducer Tools "SFST is a toolbox for the implementation of morphological analysers and other tools which are based on finite state transducer technology."
  • Treba "Treba is a basic command-line tool for training, decoding, and calculating with weighted (probabilistic) finite state automata (PFSA) and Hidden Markov Models (HMMs)."

Many of the toools in the machine translation section also implement interesting graph and semiring operations.

Language Modelling Toolkits

  • Bayesian Recurrent Neural Network for Language Modeling This is a C/C++ implementation for Bayesian recurrent neural network for language modeling (BRNNLM)
  • Berkeley LM
  • Bigfatlm Provides Hadoop training of Kneser-ney language models, written in Java.
  • CSLM "Continuous Space Language Model toolkit. CSLM toolkit is open-source software which implements the so-called continuous space language model.
  • DALM Double array language model.
  • KenLM Kenneth Heafield's language model toolkit, uses a very fast and low memory representation.
  • lwlm lwlm is an exact, full Bayesian implementation of the Latent Words Language Model (Deschacht and Moens, 2009).
  • Maximum Entropy Modeling Le Zhang has a comprehensive set of links related MaxEnt models.
  • Maximum entropy language models: SRILM extension "This patch adds the functionality to train and apply maximum entropy (MaxEnt) language models to the SRILM toolkit. Currently, only N-gram features are supported"
  • mitlm My personal favourite LM toolkit, super fast and seems to get slightly higher accuracy.
  • MSRLM "This scalable language-model tool is used to build language models from large amounts of data. It supports modified absolute discounting and Kneser-Ney smoothing."
  • OpenGrm Language modelling toolkit for use with OpenFst.
  • cpyp C++ library for modeling with Pitman-Yor processes
  • RandLM Bloom filter based random language models
  • RNNLM Recurrent neural network language model toolkit.
  • Refr Re-ranking framework from the Johns-Hopkins workshop on confusion language modelling.
  • rwthlm A toolkit for training neural network language models (feedforward, recurrent, and long short-term memory neural networks). The software was written by Martin Sundermeyer.
  • SRILM Very popular toolkit, source code avaliable but only non-free for commerical use.

Speech Recognition

  • AaltoASR Aalto Automatic Speech Recognition tools
  • Barista Barista is an open-source framework for concurrent speech processing.
  • Bavieca New open source toolkit featuring static and dynamic decoders.
  • kaldi-nnet-dur-model Neural network phone duration model on top of the Kaldi speech recognition framework, (Interspeech paper)
  • CMU Sphinx Open Source Toolkit For Speech Recognition Project by Carnegie Mellon University
  • HTK "The Hidden Markov Model Toolkit (HTK) is a portable toolkit for building and manipulating hidden Markov models."
  • Juicer Juicer is a Weighted Finite State Transducer (WFST) based decoder for Automatic Speech Recognition (ASR).
  • Julius "Julius is a high-performance, two-pass large vocabulary continuous speech recognition (LVCSR) decoder software for speech-related researchers and developers."
  • Kaldi Modern open source toolkit lead by Dan Povey featuring many state-of-the-art techniques.
  • OpenDcd An Open Source WFST based Speech Recognition Decoder.
  • Phonetisaurus Josef Novak's super fast WFST based Phoneticizer, site also has some really nice tutorials slides.
  • Sail Align SailAlign is an open-source software toolkit for robust long speech-text alignment implementing an adaptive, iterative speech recognition and text alignment scheme that allows for the processing of very long (and possibly noisy) audio and is robust to transcription errors. It is mainly written as a perl library but its functionality also depends…
  • SCARF: A Segmental CRF Toolkit for Speech Recognition "SCARF is a toolkit for doing speech recognition with segmental conditional random fields."
  • trainc David Rybach and Michael Riley's tool for direct construction of context-dependency transducers (Interspeech best paper).
  • RASR RWTH ASR - The RWTH Aachen University Speech Recognition System

Signal Processing

Text-to-Speech

  • HTS HMM-based speech synthesis
  • RusPhonetizer Grammar rules and dictionaries for the phonetic transcription of Russian sentences

Speech Data

  • cmudict CMUdict (the Carnegie Mellon Pronouncing Dictionary) is a free pronouncing dictionary of English.
  • LibriSpeech ASR corpus LibriSpeech is a corpus of approximately 1000 hours of 16kHz read English speech, prepared by Vassil Panayotov with the assistance of Daniel Povey. The data is derived from read audiobooks from the LibriVox project, and has been carefully segmented and aligned.
  • TED-LIUM Corpus The TED-LIUM corpus was made from audio talks and their transcriptions available on the TED website.

Machine Translation

  • Berkeley Aligner "...a word alignment software package that implements recent innovations in unsupervised word alignment."
  • cdec "Decoder, aligner, and model optimizer for statistical machine translation and other structured prediction models based on (mostly) context-free formalisms"
  • Jane "Jane is RWTH's open source statistical machine translation toolkit. Jane supports state-of-the-art techniques for phrase-based and hierarchical phrase-based machine translation."
  • Joshua Hierarchical and syntax based machine translation decoder written in Java.
  • Moses Standard open source machine translation toolkit.
  • alignment-with-openfst
  • zmert Nice Java Mert implementation by Omar F. Zaidan

Machine Learning

  • BIDData BIDMat is a matrix library intended to support large-scale exploratory data analysis. Its sister library BIDMach implements the machine learning layer.
  • libFM: Factorization Machine Library
  • sofia-ml Fast incremental learning algorithms for classification, regression, ranking from Google.
  • Spearmint Spearmint is a package to perform Bayesian optimization according to the algorithms outlined in the paper: Practical Bayesian Optimization of Machine Learning Algorithms Jasper Snoek, Hugo Larochelle and Ryan P. Adams Advances in Neural Information Processing Systems, 2012

Deep Learning

  • Benchmarks - Comparison of different convolution network implementations.
  • Cafee - Really active deep learning toolkit with support for cuDNN and lots of other backends.
  • cuDNN - Deep neural network from Nvidia with paper hereTorch 7 has support for cuDnn and here are some Python wrappers.
  • CURRENNT - Munich Open-Source CUDA RecurREnt Neural Network Toolkit described in this paper
  • gensim - Python topic modeling toolkit with word2vec implementation. Extremly easy to use and to install.
  • Glove Global vectors for word representation.
  • GroundHog Neural network based machine translation toolkit.
  • KALDI LSTM C++ implementation of LSTM (Long Short Term Memory), in Kaldi's nnet1 framework. Used for automatic speech recognition, possibly language modeling etc.
  • OxLM: Oxford Neural Language Modelling Toolkit Neural network toolkit for machine translation described in the paper here
  • Neural Probabilistic Language Model Toolkit "NPLM is a toolkit for training and using feedforward neural language models (Bengio, 2003). It is fast even for large vocabularies (100k or more): a model can be trained on a billion words of data in about a week, and can be queried in about 40 μs, which is usable inside a decoder for machine translation."
  • RNNLM2WFST Tool to convert RNNLMs to WFSTs
  • ViennaCL <http://viennacl.sourceforge.net/> - ViennaCL is a free open-source linear algebra library for computations on many-core architectures (GPUs, MIC) and multi-core CPUs.

Natural Language Processing

  • BLLIP reranking parser "BLLIP Parser is a statistical natural language parser including a generative constituent parser (first-stage) and discriminative maximum entropy reranker (second-stage)."
  • OpenNLP The Apache OpenNLP library is a machine learning based toolkit for the processing of natural language text.
  • SEAL Set expander for any language described in this paper
  • Stanford CoreNLP "Stanford CoreNLP provides a set of natural language analysis tools written in Java"

Applications

Other Tools

  • GraphViz.sty Really handy tool adding dot languge directly to a LaTex document, useful for tweaking the small colorized WFST figure in papers and presentations.

Blogs

Books

时间: 2024-09-17 18:52:20

(zhuan) Speech and Natural Language Processing的相关文章

自然语言理解(Natural Language Understanding)

1. 引言       Siri,Cortana,Google Now,小冰,度秘,随着技术的进步和自然人机交互需求的扩大,个人智能助理渐渐成了各大巨头争夺的下一个入口.这些智能助理尽管能力有大有小,但有一个共同特点--用户能通过"自然语言"与其交互,这比起传统的用关键词进行搜索的方式,显然是一个不小的进步.比如,当你说"订一张明天北京去杭州的机票,国航头等舱"时,一般的搜索引擎会给出如下的网页列表: 而我们的个人智能助理能直接给出你期望的答案: 要想从"

Deep Reinforcement Learning with a Natural Language Action Space

本文继续分享一篇深度增强学习在NLP中应用的paper,题目是Deep Reinforcement Learning with a Natural Language Action Space,作者是来自微软的Ji He博士,文章最早于2015年11月发在arxiv上,2016年6月8号update. 通过前两篇文章的介绍,基本对DQN在NLP中应用有了一个清晰的认识,与DQN之前应用不同的地方在于两个方面: 1.actions的量级很大. 2.transition tuple的具体形式随着模型来

(zhuan) Where can I start with Deep Learning?

Where can I start with Deep Learning? By Rotek Song, Deep Reinforcement Learning/Robotics/Computer Vision/iOS | 03/01/2017       If you are a newcomer to the Deep Learning area, the first question you may have is "Which paper should I start reading f

(zhuan) 126 篇殿堂级深度学习论文分类整理 从入门到应用

126 篇殿堂级深度学习论文分类整理 从入门到应用 | 干货 雷锋网  作者: 三川 2017-03-02 18:40:00 查看源网址 阅读数:66     如果你有非常大的决心从事深度学习,又不想在这一行打酱油,那么研读大牛论文将是不可避免的一步.而作为新人,你的第一个问题或许是:"论文那么多,从哪一篇读起?" 本文将试图解决这个问题--文章标题本来是:"从入门到绝望,无止境的深度学习论文".请诸位备好道具,开启头悬梁锥刺股的学霸姿势. 开个玩笑. 但对非科班出

(zhuan) Recurrent Neural Network

  Recurrent Neural Network  2016年07月01日  Deep learning  Deep learning 字数:24235   this blog from: http://jxgu.cc/blog/recent-advances-in-RNN.html    References Robert Dionne Neural Network Paper Notes Baisc Improvements 20170326 Learning Simpler Langu

(zhuan) Notes on Representation Learning

this blog from: https://opendatascience.com/blog/notes-on-representation-learning-1/   Notes on Representation Learning By Zac Kriegman, Senior Data Scientist in the Thomson Reuters Data Innovation Lab | 02/07/2017   Tags: Deep Learning , Neural Netw

AI人工智能专业词汇集

作为最早关注人工智能技术的媒体,机器之心在编译国外技术博客.论文.专家观点等内容上已经积累了超过两年多的经验.期间,从无到有,机器之心的编译团队一直在积累专业词汇.虽然有很多的文章因为专业性我们没能尽善尽美的编译为中文呈现给大家,但我们一直在进步.一直在积累.一直在提高自己的专业性. 两年来,机器之心编译团队整理过翻译词汇对照表「红宝书」,编辑个人也整理过类似的词典.而我们也从机器之心读者留言中发现,有些人工智能专业词汇没有统一的翻译标准,这可能是因地区.跨专业等等原因造成的.举个例子,Deep

面向机器学习的自然语言标注.

面向机器学习的自然语言标注 James Pustejovsky & Amber Stubbs 著 邱立坤 金澎 王萌 译 图书在版编目(CIP)数据 面向机器学习的自然语言标注 / (美) 詹姆斯·普斯特若夫斯基(James Pustejovsky),安伯·斯塔布斯(Amber Stubbs)著:邱立坤,金澎,王萌译. -北京:机械工业出版社, 2017.1 (O'Reilly精品图书系列) 书名原文:Natural Language Annotation for Machine Learnin

【资源】用深度学习解决自然语言处理中的7大问题,文本分类、语言建模、机器翻译等

本文讲的是用深度学习解决自然语言处理中的7大问题,文本分类.语言建模.机器翻译等,自然语言处理领域正在从统计学方法转向神经网络方法.在自然语言中,仍然存在许多具有挑战性的问题.但是,深度学习方法在某些特定的语言问题上取得了state-of-the-art的结果.不仅仅是在一些benchmark问题上深度学习模型取得的表现,这是最有趣的:事实上,单个模型可以学习单词的含义和执行语言任务,从而避免需要一套专门的.人工的方法. 这篇文章将介绍深度学习方法正在取得进展的7类有趣的自然语言处理任务. 文本