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

Topic: "language-modeling"

quark0/darts

Differentiable architecture search for convolutional and recurrent networks

Language: Python - Size: 4.7 MB - Last synced at: 8 days ago - Pushed at: over 4 years ago - Stars: 3,949 - Forks: 840

allenai/RL4LMs

A modular RL library to fine-tune language models to human preferences

Language: Python - Size: 29.1 MB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 2,298 - Forks: 195

EgoAlpha/prompt-in-context-learning

Awesome resources for in-context learning and prompt engineering: Mastery of the LLMs such as ChatGPT, GPT-3, and FlanT5, with up-to-date and cutting-edge updates.

Language: Jupyter Notebook - Size: 44.2 MB - Last synced at: 10 days ago - Pushed at: 4 months ago - Stars: 1,576 - Forks: 96

pemistahl/lingua-go

The most accurate natural language detection library for Go, suitable for short text and mixed-language text

Language: Go - Size: 226 MB - Last synced at: 10 days ago - Pushed at: 2 months ago - Stars: 1,232 - Forks: 68

uber-research/PPLM

Plug and Play Language Model implementation. Allows to steer topic and attributes of GPT-2 models.

Language: Python - Size: 2.36 MB - Last synced at: 13 days ago - Pushed at: about 1 year ago - Stars: 1,142 - Forks: 204

Separius/BERT-keras 📦

Keras implementation of BERT with pre-trained weights

Language: Python - Size: 552 KB - Last synced at: 20 days ago - Pushed at: over 5 years ago - Stars: 814 - Forks: 196

meta-toolkit/meta

A Modern C++ Data Sciences Toolkit

Language: C++ - Size: 30.4 MB - Last synced at: 9 months ago - Pushed at: about 2 years ago - Stars: 689 - Forks: 233

DmitryRyumin/INTERSPEECH-2023-24-Papers

INTERSPEECH 2023-2024 Papers: A complete collection of influential and exciting research papers from the INTERSPEECH 2023-24 conference. Explore the latest advances in speech and language processing. Code included. Star the repository to support the advancement of speech technology!

Size: 11.4 MB - Last synced at: 1 day ago - Pushed at: 4 months ago - Stars: 666 - Forks: 42

songlab-cal/tape

Tasks Assessing Protein Embeddings (TAPE), a set of five biologically relevant semi-supervised learning tasks spread across different domains of protein biology.

Language: Python - Size: 840 KB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 631 - Forks: 129

hirofumi0810/neural_sp

End-to-end ASR/LM implementation with PyTorch

Language: Python - Size: 8.66 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 595 - Forks: 141

google-deepmind/long-form-factuality

Benchmarking long-form factuality in large language models. Original code for our paper "Long-form factuality in large language models".

Language: Python - Size: 759 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 589 - Forks: 71

jeffhj/LM-reasoning

This repository contains a collection of papers and resources on Reasoning in Large Language Models.

Size: 99.6 KB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 561 - Forks: 34

yxuansu/SimCTG

[NeurIPS'22 Spotlight] A Contrastive Framework for Neural Text Generation

Language: Python - Size: 6.94 MB - Last synced at: 9 days ago - Pushed at: about 1 year ago - Stars: 471 - Forks: 40

majumderb/rezero

Official PyTorch Repo for "ReZero is All You Need: Fast Convergence at Large Depth"

Language: Python - Size: 42 KB - Last synced at: 16 days ago - Pushed at: 9 months ago - Stars: 407 - Forks: 53

DmitryRyumin/ICASSP-2023-24-Papers

ICASSP 2023-2024 Papers: A complete collection of influential and exciting research papers from the ICASSP 2023-24 conferences. Explore the latest advancements in acoustics, speech and signal processing. Code included. Star the repository to support the advancement of audio and signal processing!

Language: Python - Size: 8.8 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 388 - Forks: 17

shmsw25/FActScore

A package to evaluate factuality of long-form generation. Original implementation of our EMNLP 2023 paper "FActScore: Fine-grained Atomic Evaluation of Factual Precision in Long Form Text Generation"

Language: Python - Size: 102 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 337 - Forks: 50

madaan/memprompt

A method to fix GPT-3 after deployment with user feedback, without re-training.

Language: Python - Size: 20.8 MB - Last synced at: 8 days ago - Pushed at: about 2 years ago - Stars: 328 - Forks: 13

muditbhargava66/PyxLSTM

Efficient Python library for Extended LSTM with exponential gating, memory mixing, and matrix memory for superior sequence modeling.

Language: Python - Size: 120 KB - Last synced at: 2 days ago - Pushed at: 10 months ago - Stars: 288 - Forks: 26

UIC-Liu-Lab/ContinualLM

An Extensible Continual Learning Framework Focused on Language Models (LMs)

Language: Python - Size: 696 KB - Last synced at: 19 days ago - Pushed at: about 1 year ago - Stars: 272 - Forks: 21

L0SG/relational-rnn-pytorch

An implementation of DeepMind's Relational Recurrent Neural Networks (NeurIPS 2018) in PyTorch.

Language: Python - Size: 4.49 MB - Last synced at: 16 days ago - Pushed at: over 6 years ago - Stars: 245 - Forks: 35

somosnlp/nlp-de-cero-a-cien

Curso práctico: NLP de cero a cien 🤗

Language: Jupyter Notebook - Size: 3.86 MB - Last synced at: 3 days ago - Pushed at: about 1 year ago - Stars: 187 - Forks: 90

rusiaaman/XLnet-gen 📦

XLNet for generating language.

Language: Python - Size: 242 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 169 - Forks: 20

tonybeltramelli/Deep-Lyrics

Lyrics Generator aka Character-level Language Modeling with Multi-layer LSTM Recurrent Neural Network

Language: Python - Size: 12.7 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 142 - Forks: 25

Sunnydreamrain/IndRNN_pytorch

Independently Recurrent Neural Networks (IndRNN) implemented in pytorch.

Language: Python - Size: 3.05 MB - Last synced at: 10 days ago - Pushed at: over 4 years ago - Stars: 135 - Forks: 31

suriyadeepan/rnn-from-scratch

Use tensorflow's tf.scan to build vanilla, GRU and LSTM RNNs

Language: Python - Size: 1.51 MB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 127 - Forks: 55

flatironinstitute/deepblast

Neural Networks for Protein Sequence Alignment

Language: Python - Size: 56.7 MB - Last synced at: 16 days ago - Pushed at: 5 months ago - Stars: 120 - Forks: 22

DRSY/EMO

[ICLR 2024]EMO: Earth Mover Distance Optimization for Auto-Regressive Language Modeling(https://arxiv.org/abs/2310.04691)

Language: Python - Size: 37 MB - Last synced at: 17 days ago - Pushed at: about 1 year ago - Stars: 120 - Forks: 14

songlab-cal/tape-neurips2019

Tasks Assessing Protein Embeddings (TAPE), a set of five biologically relevant semi-supervised learning tasks spread across different domains of protein biology. (DEPRECATED)

Language: Python - Size: 136 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 115 - Forks: 34

kmario23/KenLM-training

Training an n-gram based Language Model using KenLM toolkit for Deep Speech 2

Size: 5.86 KB - Last synced at: 14 days ago - Pushed at: almost 6 years ago - Stars: 114 - Forks: 21

uzaymacar/comparatively-finetuning-bert

Comparatively fine-tuning pretrained BERT models on downstream, text classification tasks with different architectural configurations in PyTorch.

Language: Python - Size: 113 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 112 - Forks: 28

geyingli/unif

基于 Tensorflow,仿 Scikit-Learn 设计的深度学习自然语言处理框架。支持 40 余种模型类,涵盖语言模型、文本分类、NER、MRC、知识蒸馏等各个领域

Language: Python - Size: 6.28 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 110 - Forks: 29

jiali-ms/JLM

A fast LSTM Language Model for large vocabulary language like Japanese and Chinese

Language: Python - Size: 51.7 MB - Last synced at: about 13 hours ago - Pushed at: almost 6 years ago - Stars: 109 - Forks: 23

lucidrains/gated-state-spaces-pytorch

Implementation of Gated State Spaces, from the paper "Long Range Language Modeling via Gated State Spaces", in Pytorch

Language: Python - Size: 34.1 MB - Last synced at: 14 days ago - Pushed at: about 2 years ago - Stars: 99 - Forks: 4

euclaise/SlimTrainer

Full finetuning of large language models without large memory requirements

Language: Python - Size: 85 KB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 94 - Forks: 3

lyeoni/pretraining-for-language-understanding

Pre-training of Language Models for Language Understanding

Language: Python - Size: 562 KB - Last synced at: 14 days ago - Pushed at: over 5 years ago - Stars: 83 - Forks: 14

referit3d/referit3d

Code accompanying our ECCV-2020 paper on 3D Neural Listeners.

Language: C++ - Size: 15.8 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 81 - Forks: 13

BESSER-PEARL/BESSER

A Python-based low-modeling low-code platform for smart and AI-enhanced software

Language: Python - Size: 85.8 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 78 - Forks: 17

nstrodt/UDSMProt

Protein sequence classification with self-supervised pretraining

Language: Python - Size: 30 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 78 - Forks: 24

indiejoseph/chinese-char-rnn 📦

Character-Level language models

Language: Python - Size: 2.08 MB - Last synced at: 11 months ago - Pushed at: almost 8 years ago - Stars: 78 - Forks: 21

freon4dsl/Freon4dsl

Web Native language Workbench with Projectional Web Editor

Language: TypeScript - Size: 27.4 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 69 - Forks: 9

p-lambda/incontext-learning

Experiments and code to generate the GINC small-scale in-context learning dataset from "An Explanation for In-context Learning as Implicit Bayesian Inference"

Language: Python - Size: 76.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 69 - Forks: 12

shaoxiongji/fed-att

Attentive Federated Learning for Private NLM

Language: Python - Size: 10.7 KB - Last synced at: 23 days ago - Pushed at: 9 months ago - Stars: 61 - Forks: 17

microsoft/CodeMixed-Text-Generator

This tool helps automatic generation of grammatically valid synthetic Code-mixed data by utilizing linguistic theories such as Equivalence Constant Theory and Matrix Language Theory.

Language: Jupyter Notebook - Size: 3.79 MB - Last synced at: 1 day ago - Pushed at: 9 months ago - Stars: 54 - Forks: 12

miras-tech/MirasText

MirasText

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

IDSIA/recurrent-fwp

Official repository for the paper "Going Beyond Linear Transformers with Recurrent Fast Weight Programmers" (NeurIPS 2021)

Language: Python - Size: 5.61 MB - Last synced at: 16 days ago - Pushed at: about 2 years ago - Stars: 48 - Forks: 5

giganticode/codeprep

A toolkit for pre-processing large source code corpora

Language: Python - Size: 1.56 MB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 47 - Forks: 11

prajjwal1/language-modelling

LM, ULMFit et al.

Language: Python - Size: 491 KB - Last synced at: 16 days ago - Pushed at: over 5 years ago - Stars: 46 - Forks: 6

google-research/mozolm

MozoLM: A language model (LM) serving library

Language: C++ - Size: 10.4 MB - Last synced at: 19 days ago - Pushed at: about 2 months ago - Stars: 44 - Forks: 12

machelreid/m2d2

M2D2: A Massively Multi-domain Language Modeling Dataset (EMNLP 2022) by Machel Reid, Victor Zhong, Suchin Gururangan, Luke Zettlemoyer

Language: Python - Size: 9.08 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 43 - Forks: 2

ChocoWu/LasUIE

Universal Information Extraction, codes for the NeurIPS-2022 paper: Unifying Information Extraction with Latent Adaptive Structure-aware Generative Language Model.

Language: Python - Size: 7.17 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 40 - Forks: 3

UIC-Liu-Lab/CPT

[EMNLP 2022] Continual Training of Language Models for Few-Shot Learning

Language: Python - Size: 808 KB - Last synced at: 11 months ago - Pushed at: about 2 years ago - Stars: 40 - Forks: 1

mit-han-lab/neurips-micronet

[JMLR'20] NeurIPS 2019 MicroNet Challenge Efficient Language Modeling, Champion

Language: Jupyter Notebook - Size: 65.6 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 40 - Forks: 6

aalok-sathe/surprisal

A unified interface for computing surprisal (log probabilities) from language models! Supports neural, symbolic, and black-box API models.

Language: Python - Size: 888 KB - Last synced at: 8 days ago - Pushed at: 4 months ago - Stars: 38 - Forks: 9

google/BEGIN-dataset

A benchmark dataset for evaluating dialog system and natural language generation metrics.

Size: 3.5 MB - Last synced at: 1 day ago - Pushed at: almost 3 years ago - Stars: 36 - Forks: 5

TencentARC/FLM

Accelerating Vision-Language Pretraining with Free Language Modeling (CVPR 2023)

Language: Python - Size: 7 MB - Last synced at: 16 days ago - Pushed at: almost 2 years ago - Stars: 32 - Forks: 1

asahi417/LSTMCell 📦

Implement modern LSTM cell by tensorflow and test them by language modeling task for PTB. Highway State Gating, Hypernets, Recurrent Highway, Attention, Layer norm, Recurrent dropout, Variational dropout.

Language: Python - Size: 391 KB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 30 - Forks: 8

andstor/verified-smart-contracts

:page_facing_up: Verified Ethereum Smart Contract dataset

Language: Python - Size: 42 KB - Last synced at: 13 days ago - Pushed at: over 1 year ago - Stars: 29 - Forks: 4

tm4roon/pytorch-translm

An implementation of transformer-based language model for sentence rewriting tasks such as summarization, simplification, and grammatical error correction.

Language: Python - Size: 1.09 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 28 - Forks: 7

cynthia/kosentences

Large scale unannotated Korean corpus for unsupervised tasks. (e.g. Language modeling)

Language: Python - Size: 15.6 KB - Last synced at: 19 days ago - Pushed at: over 5 years ago - Stars: 27 - Forks: 6

gidim/Babler

Data Collection System For NLP/Speech Recognition

Language: Java - Size: 32.7 MB - Last synced at: 18 days ago - Pushed at: about 4 years ago - Stars: 25 - Forks: 12

clovaai/group-transformer

Official code for Group-Transformer (Scale down Transformer by Grouping Features for a Lightweight Character-level Language Model, COLING-2020).

Language: Python - Size: 51.8 KB - Last synced at: 16 days ago - Pushed at: over 4 years ago - Stars: 25 - Forks: 1

suryatejreddy/Memeify

Code and Dataset for Memeify: A Large-scale Meme Generation System

Language: JavaScript - Size: 11.8 MB - Last synced at: 8 days ago - Pushed at: almost 5 years ago - Stars: 25 - Forks: 5

roddar92/linguistics_problems

Natural language processing in examples and games

Language: Jupyter Notebook - Size: 24.1 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 24 - Forks: 5

halolimat/LNEx

:round_pushpin: :office: :bank: :post_office: :convenience_store: :department_store: LNEx: Location Name Extractor

Language: Python - Size: 87.3 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 24 - Forks: 4

tinhb92/rnn_darts_fastai

Implement Differentiable Architecture Search (DARTS) for RNN with fastai

Language: Jupyter Notebook - Size: 1.86 MB - Last synced at: about 23 hours ago - Pushed at: about 6 years ago - Stars: 24 - Forks: 3

CQCL/Quixer

Code repository for the preprint "Quixer: A Quantum Transformer Model"

Language: Python - Size: 48.8 KB - Last synced at: 7 days ago - Pushed at: 28 days ago - Stars: 22 - Forks: 9

BoHuangLab/Protein-Localization-Transformer

Code for CELL-E: Biological Zero-Shot Text-to-Image Synthesis for Protein Localization Prediction

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

charlesliucn/LanMIT Fork of kaldi-asr/kaldi

📖 LanMIT: A Toolkit for Improving Language Models in Low-resourced Speech Recognition based on Kaldi.

Language: C++ - Size: 139 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 20 - Forks: 0

MrHacker-X/ArtifyX

The ultimate AI-powered art generator

Language: Shell - Size: 31.3 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 19 - Forks: 1

dr-costas/SEDLM

Language modelling for sound event detection

Language: Python - Size: 138 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 19 - Forks: 5

oooranz/Baby-CoThought

Baby's CoThought: Leveraging LLMs for Enhanced Reasoning in Compact Models

Language: Python - Size: 61.3 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 17 - Forks: 4

MagedSaeed/generate-sequences

A python package made to generate sequences (greedy and beam-search) from Pytorch (not necessarily HF transformers) models.

Language: Python - Size: 1.03 MB - Last synced at: 10 days ago - Pushed at: 13 days ago - Stars: 16 - Forks: 0

styfeng/GenAug

Code for GenAug: Data Augmentation for Finetuning Text Generators.

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

shayneobrien/language-modeling

Language modeling on the Penn Treebank (PTB) corpus using a trigram model with linear interpolation, a neural probabilistic language model, and a regularized LSTM.

Language: Jupyter Notebook - Size: 1.98 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 15 - Forks: 3

rubypoddar/microsoft-phi3-language-model

Explore the power of Microsoft Phi-3 language model with this repository, featuring a versatile natural language processing tool. Leverage advanced text generation, summarization, and AI-driven creativity directly from the Phi-3 model. Dive into cutting-edge language capabilities for your projects.

Language: Jupyter Notebook - Size: 12.1 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 14 - Forks: 0

apple/ml-interspeech2022-phi_rtn

Repository accompanying the Interspeech 2022 publication titled "Space-Efficient Representation of Entity-centric Query Language Models" by Van Gysel et al.

Size: 33.1 MB - Last synced at: 15 days ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 2

JoyeBright/NLP981

Repository for the lectures taught in the course named "Natural Language Processing" at the University of Guilan, Department of Computer Engineering.

Language: Python - Size: 7.36 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 13 - Forks: 10

amazon-science/synthesizrr

Synthesizing realistic and diverse text-datasets from augmented LLMs

Language: Python - Size: 1.44 MB - Last synced at: 14 days ago - Pushed at: 23 days ago - Stars: 12 - Forks: 3

dayyass/language-modeling

Pipeline for training Language Models using PyTorch.

Language: Python - Size: 68.4 KB - Last synced at: 8 days ago - Pushed at: almost 3 years ago - Stars: 12 - Forks: 0

mpuig/gpt2-fine-tuning

Fine-tune GPT2 to generate fake job experiences

Language: Jupyter Notebook - Size: 54.1 MB - Last synced at: 10 days ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 2

Wingsdh/transformer-xl-refactoring

A refactored version of kimiyoung / transformer-xl/tf

Language: Python - Size: 875 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 11 - Forks: 3

PLBMR/cmuDSCWorkshopNotebooks

This repository holds some of the notebooks I use to study some data for the CMU Data Science Club.

Language: Jupyter Notebook - Size: 1.35 MB - Last synced at: 3 months ago - Pushed at: about 8 years ago - Stars: 11 - Forks: 2

sacmehta/PRU

Pyramidal Recurrent Units (PRUs): A New LSTM Unit

Language: Python - Size: 1.83 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 3

OSU-STARLAB/LeaPformer

[ICML 2024] Official implementation of "LeaPformer: Enabling Linear Transformers for Autoregressive and Simultaneous Tasks via Learned Proportions."

Language: Python - Size: 20.1 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 9 - Forks: 1

ymoslem/MT-LM

Domain-Specific Text Generation for Machine Translation (with LLMs) - scripts and config files for the paper

Language: Python - Size: 12.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 2

sileod/language-model-recommendation

Resources accompanying the "Zero-Shot Recommendation as Language Modeling" paper (ECIR2022)

Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 9 - Forks: 2

ruthussanketh/natural-language-processing

Codes, datasets, and explanations for some basic natural language tasks and models.

Language: Jupyter Notebook - Size: 258 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 9 - Forks: 42

georgezoto/RNN-LSTM-NLP-Sequence-Models

Sequence Models repository for all projects and programming assignments of Course 5 of 5 of the Deep Learning Specialization offered on Coursera and taught by Andrew Ng, covering topics such as Recurrent Neural Network (RNN), Gated Recurrent Unit (GRU), Long Short Term Memory (LSTM), Natural Language Processing, Word Embeddings and Attention Model.

Language: Jupyter Notebook - Size: 82.7 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 9 - Forks: 4

CLMBRs/lm-training

Repository for training transformer _and recurrent_ language models via HuggingFace in an entirely configuration-file driven manner.

Language: Python - Size: 95.7 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 8 - Forks: 0

BoHuangLab/CELL-E_2

Encoder-only model for image-based protein predictions

Language: Python - Size: 12.9 MB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 0

styfeng/SAPPHIRE

Code for SAPPHIRE: Approaches for Enhanced Concept-to-Text Generation (https://aclanthology.org/2021.inlg-1.21/) INLG 2021 Best Long Paper.

Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 1

sourcecode369/deep-natural-language-processing

Curated implementation notebooks and scripts of deep learning based natural language processing tasks and challenges in TensorFlow.

Language: Jupyter Notebook - Size: 24.1 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 10

zotroneneis/LSTM_language_model

LSTM-based language model in TensorFlow

Language: Python - Size: 1.64 MB - Last synced at: 22 days ago - Pushed at: about 5 years ago - Stars: 8 - Forks: 6

hltcoe/sandle

Run a large language modeling SANDbox in your Local Environment

Language: Python - Size: 2.3 MB - Last synced at: 22 days ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 1

arrrrrmin/albert-guide

Understanding "A Lite BERT". An Transformer approach for learning self-supervised Language Models.

Language: Python - Size: 52.7 KB - Last synced at: 2 days ago - Pushed at: about 2 years ago - Stars: 7 - Forks: 1

SabaUrgup/Language_Detector

With this program, you can find the frequencies of defined biagrams and trigrams in a text entered, and as a result, you can see whether the language of this text is German or English.

Language: C - Size: 247 KB - Last synced at: 11 days ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 0

deterministic-algorithms-lab/NLP-Journey

This repository provides a selection of very basic and minimal notebooks for various NLP tasks in written in Jax.

Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 2

Atenrev/forocoches-language-generation

This is a PyTorch implementation of a decoder only transformer inspired on GPT-2. The model was trained from scratch on a custom dataset of over 1 million threads from the Spanish forum ForoCoches. The dataset is publicly available.

Language: Python - Size: 39.1 KB - Last synced at: 11 months ago - Pushed at: almost 2 years ago - Stars: 5 - Forks: 0

andstor/verified-smart-contracts-audit

:bug: Verified smart contract dataset with vulnerability labeling

Size: 3.91 KB - Last synced at: 19 days ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 0

seduerr91/ilm-api

Object-oriented micro-service implemented in Python based on Deep Learning model BERT. --- This is a micro-service exposed via the FastAPI that allows to infill words/sentences into a given context based on a paper by Stanford University. The corresponding article got featured on medium.com/analytics-vidhya.

Language: Python - Size: 9.58 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 3

Related Topics
nlp 67 natural-language-processing 59 deep-learning 46 pytorch 36 machine-learning 32 python 29 language-model 23 tensorflow 21 transformers 20 text-generation 19 lstm 18 recurrent-neural-networks 16 rnn 15 dataset 14 artificial-intelligence 12 ai 10 neural-networks 10 transformer 10 word-embeddings 10 speech-recognition 10 language 9 machine-translation 8 bert 8 llm 7 natural-language-generation 7 transfer-learning 7 language-processing 6 deep-neural-networks 6 attention-mechanism 6 gpt-2 6 text-classification 6 chatgpt 6 nlp-machine-learning 6 gpt2 6 linguistics 5 text-processing 5 generative-models 5 named-entity-recognition 5 sentiment-analysis 5 datasets 5 ngrams 5 classification 5 python3 5 protein-sequences 5 question-answering 5 sequence-to-sequence 5 n-grams 5 openai 5 colab-notebook 5 language-generation 5 gru 4 t5 4 benchmark 4 nlg 4 data-analysis 4 shakespeare 4 lstm-model 4 computational-linguistics 4 transformer-xl 4 bitcoin-wallet 4 bitcoin 4 chatbot 4 word2vec 4 reinforcement-learning 4 automatic-speech-recognition 4 paper 4 huggingface 4 asr 4 large-language-models 4 natural-language-understanding 4 text-summarization 4 transformer-architecture 3 music-generation 3 protein-structure 3 long-short-term-memory-models 3 code-switching 3 topic-modeling 3 research 3 text-to-image 3 keras 3 bert-model 3 pretraining 3 neural-network 3 deeplearning 3 seq2seq 3 languages 3 attention-model 3 few-shot-learning 3 jupyter-notebook 3 rnn-model 3 programming 3 fine-tuning 3 cnn 3 text-analysis 3 pretrained-models 3 pos-tagging 3 generative-model 3 java 3 llms 3 language-detection 3