An open API service providing repository metadata for many open source software ecosystems.

Topic: "language-modelling"

proycon/pynlpl

PyNLPl, pronounced as 'pineapple', is a Python library for Natural Language Processing. It contains various modules useful for common, and less common, NLP tasks. PyNLPl can be used for basic tasks such as the extraction of n-grams and frequency lists, and to build simple language model. There are also more complex data types and algorithms. Moreover, there are parsers for file formats common in NLP (e.g. FoLiA/Giza/Moses/ARPA/Timbl/CQL). There are also clients to interface with various NLP specific servers. PyNLPl most notably features a very extensive library for working with FoLiA XML (Format for Linguistic Annotation).

Language: Python - Size: 12.8 MB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 477 - Forks: 67

jarobyte91/pytorch_beam_search

A lightweight implementation of Beam Search for sequence models in PyTorch.

Language: Python - Size: 927 KB - Last synced at: 24 days ago - Pushed at: 10 months ago - Stars: 54 - Forks: 6

bnosac/golgotha

Contextualised Embeddings and Language Modelling using BERT and Friends using R

Language: R - Size: 320 KB - Last synced at: 18 days ago - Pushed at: almost 5 years ago - Stars: 47 - Forks: 6

bhushan23/Transformer-SeqGAN-PyTorch Fork of ZiJianZhao/SeqGAN-PyTorch

Transformer Based SeqGAN for Language Generation

Language: Python - Size: 67 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 36 - Forks: 20

jerinphilip/MaskGAN.pytorch 📦

Pytorch implementation of MaskGAN

Language: Python - Size: 315 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 20 - Forks: 11

LasseRegin/master-thesis-deep-learning

Code for my master thesis in Deep Learning: "Generating answers to medical questions using recurrent neural networks"

Language: Python - Size: 47.6 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 18 - Forks: 9

wbsg-uni-mannheim/productCategorization

This repository contains code and data download instructions for the workshop paper "Improving Hierarchical Product Classification using Domain-specific Language Modelling" by Alexander Brinkmann and Christian Bizer.

Language: Python - Size: 453 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 11 - Forks: 2

Abhishekmamidi123/Natural-Language-Processing

Language Modelling, CMI vs Perplexity

Language: Python - Size: 2.51 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 9 - Forks: 5

LanguageMachines/wopr

Memory Based Word Predictor/Language Model http://ilk.uvt.nl/wopr/

Language: C++ - Size: 1.75 MB - Last synced at: about 8 hours ago - Pushed at: 5 months ago - Stars: 5 - Forks: 0

avi-otterai/numeracy-literacy

Code for paper: "Numeracy Enhances the Literacy of Language Models"

Language: Python - Size: 572 KB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

levindoneto/lanGen

N-Gram language model that learns n-gram probabilities from a given corpus and generates new sentences from it based on the conditional probabilities from the generated words and phrases.

Language: Python - Size: 1.67 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 4

Tarun-Kamboj/Deep_Learning_with_TensorFlow

Various Deep Learning concepts implemented using TensorFlow

Language: Jupyter Notebook - Size: 2.71 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 2

patniharshit/nlp-language-modelling

Spelling correction and grammar detection with statistical language models

Language: Python - Size: 13.7 KB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

bjam24/agh-natural-language-processing

This respository contains projects made for the NLP course at the AGH UST in 2024 / 2025. They received maximum grade 5.0.

Language: Julia - Size: 25 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

WD-Leong/NLP-Transformer

Implementation of Transformer, BERT and GPT models in both Tensorflow 2.0 and PyTorch.

Language: Python - Size: 907 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

WD-Leong/NLP-Seq-CNN

Sequence CNN network inspired by the WaveNet architecture written in both Tensorflow and PyTorch.

Language: Python - Size: 1.14 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

simonamtoft/Language-Modelling

State-of-the-Art Language Modelling in Python with PyTorch.

Language: Jupyter Notebook - Size: 193 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

Ighina/Language-Modelling-with-RNNs

A simple series of programs to train gated recurrent neural networks with PyTorch and generate text based on them.

Language: Python - Size: 6.62 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

screddy1313/Language-modelling

In this project we will generate the sentences using ngrams

Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

SLotAbr/Decoder_model

Decoder model for language modelling

Language: Python - Size: 48.8 KB - Last synced at: about 10 hours ago - Pushed at: about 11 hours ago - Stars: 0 - Forks: 0

aistairc/BERT-NAR-BERT

BERT-based pre-trained non-autoregressive sequence-to-sequence model

Language: Python - Size: 74.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ParthMehta15/Language-Modelling

Language: Jupyter Notebook - Size: 3.61 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

COMP6248-Reproducability-Challenge/LookaheadOptimizer

Reproduction of CIFAR-10/CIFAR-100 and Penn Treebank experiments to test claims in "LookaheadOptimizer: k steps forward, 1 step back" https://arxiv.org/abs/1907.08610

Language: Jupyter Notebook - Size: 2.84 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

NYXFLOWER/Notes-and-Examples-on-Natural-Language-Processing

Introduce basic nlp tasks and methods with examples

Language: Python - Size: 32.6 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

chlaudiah/Language-Modelling

An Implementation One of Natural Language Processing Method : Language Modelling

Language: Jupyter Notebook - Size: 1.37 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

Abhishek8394/distributed_char_rnn

Distributed tensorflow port for character rnn

Language: Python - Size: 1.24 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

Related Topics
natural-language-processing 8 python 7 deep-learning 6 nlp 5 pytorch 4 bert 4 transformer 3 machine-learning 3 perplexity 3 computational-linguistics 2 question-answering 2 text-classification 2 text-processing 2 seq2seq 2 tensorflow 2 jupyter-notebook 2 gan 2 text-generation 2 nlp-machine-learning 2 huggingface-transformers 1 encoder 1 linguistics 1 nlp-library 1 notes 1 search-algorithms 1 neural-language-modelling 1 named-entity-recognition 1 beam-search 1 recurrent-neural-network 1 distributed-tensorflow 1 distributed-systems 1 penn-treebank 1 optimization 1 classification 1 cifar-100 1 cifar-10 1 transformers 1 rnns 1 neural-networks 1 spacy 1 regex 1 rag 1 prompt-enginering 1 text-classificaiton 1 neural-search 1 ner 1 llm 1 levenshtein 1 language-modeling 1 elasticsearch 1 agh 1 decoder-model 1 lm 1 representation-learning 1 evaluation-metrics 1 folia 1 library 1 pytorch-lightning 1 numbers 1 language-model 1 thesis 1 attention-is-all-you-need 1 spelling-correction 1 grammar-checker 1 good-turing 1 deleted-interpolation 1 rbm 1 lstm 1 logistic-regression 1 linear-regression 1 cnn 1 autoencoders 1 text-gan 1 deep-reinforcement-learning 1 tweets 1 codemix-data 1 cmi 1 wavenet 1 tensorflow2 1 sequence-cnn 1 dilated-convolutional-networks 1 text-prediction 1 recurrent-neural-networks 1 medical-questions 1 master-thesis 1 ngram-language-model 1 n-grams 1 generator 1 corpus-processing 1 textgeneration 1 ngrams 1 log-probabilty 1 20newsgroup 1 summarization 1 sequence-to-sequence 1 non-autoregressive 1 machine-translation 1 language-model-perplexity 1 transformer-models 1 product-categorization 1