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

Topic: "masked-language-models"

luozhouyang/transformers-keras

Transformer-based models implemented in tensorflow 2.x(using keras).

Language: Python - Size: 696 KB - Last synced at: 27 days ago - Pushed at: over 3 years ago - Stars: 75 - Forks: 13

ShiZhengyan/PowerfulPromptFT

[NeurIPS 2023 Main Track] This is the repository for the paper titled "Don’t Stop Pretraining? Make Prompt-based Fine-tuning Powerful Learner"

Language: Python - Size: 34.2 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 74 - Forks: 18

yzhan238/CGExpan

The source code used for paper "Empower Entity Set Expansion via Language Model Probing", published in ACL 2020.

Language: Python - Size: 11.7 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 31 - Forks: 2

haofanwang/awesome-vision-language-modeling

Recent Advances in Vision-Language Pre-training!

Size: 18.6 KB - Last synced at: 15 days ago - Pushed at: over 3 years ago - Stars: 29 - Forks: 2

AndreaCossu/continual-pretraining-nlp-vision

Code to reproduce experiments from the paper "Continual Pre-Training Mitigates Forgetting in Language and Vision" https://arxiv.org/abs/2205.09357

Language: Jupyter Notebook - Size: 872 KB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 22 - Forks: 1

ayoolaolafenwa/TrainNLP

Sample tutorials for training Natural Language Processing Models with Transformers

Language: Python - Size: 37.4 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 21 - Forks: 4

psychbruce/FMAT

😷 The Fill-Mask Association Test (FMAT): Measuring Propositions in Natural Language.

Language: R - Size: 10.6 MB - Last synced at: 13 days ago - Pushed at: 3 months ago - Stars: 13 - Forks: 0

willxxy/Text-EGM

[CHIL 2024] Interpretation of Intracardiac Electrograms Through Textual Representations

Language: Python - Size: 50.8 KB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 10 - Forks: 1

chanapapan/Depression-Detection

Comparing Selective Masking Methods for Depression Detection in Social Media

Language: Python - Size: 7.69 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 9 - Forks: 1

GU-DataLab/PoliBERTweet

A transformer-based language model trained on politics-related Twitter data. This repo is the official resource of the paper "PoliBERTweet: A Pre-trained Language Model for Analyzing Political Content on Twitter", LREC 2022

Size: 52.7 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 0

SharathHebbar/Transformers

Transformers Intuition

Language: Jupyter Notebook - Size: 34.3 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 6 - Forks: 1

phueb/Zorro

Grammar test suite for masked language models

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

RishabhMaheshwary/contextattack

A Context Aware Approach for Generating Natural Language Attacks.

Language: Python - Size: 4.47 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 0

zalkikar/mlm-bias

Measuring Biases in Masked Language Models for PyTorch Transformers. Support for multiple social biases and evaluation measures.

Language: Python - Size: 45.9 KB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 4 - Forks: 2

AstraBert/proteins-w-esm

Predict the whole sequence and 3D structure of masked protein sequences with ESM by @evolutionaryscale

Language: Python - Size: 23.4 KB - Last synced at: 4 days ago - Pushed at: 12 months ago - Stars: 4 - Forks: 0

shreydan/masked-language-modeling

Transformers Pre-Training with MLM objective — implemented encoder-only model and trained from scratch on Wikipedia dataset.

Language: Jupyter Notebook - Size: 221 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 2

mc-cat-tty/PlaceRank

Final assigment for "Gestione dell'Informazione" ("Search Engines") course @ UniMoRe

Language: Jupyter Notebook - Size: 45.3 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

phueb/UnMasked

Score masked language models on grammar test suites

Language: Python - Size: 22.4 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

briesearch/token-masks

Masked language model with Positional & One-Hot encoding - built using Aurora

Language: Java - Size: 18.6 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

hriaz17/ELLEN

Code for "ELLEN: Extremely Lightly Supervised Learning For Efficient Named Entity Recognition" (LREC-COLING 2024)

Size: 884 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

naivenlp/rapidnlp-datasets

Data pipelines for both TensorFlow and PyTorch!

Language: Python - Size: 117 KB - Last synced at: 15 days ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

sergiusechel/LLM-Masked-Robber

This script utilizes Facebook AI's RoBERTa model for masked language modeling to predict the top-k most likely words for masked tokens in a given sentence. It generates variations of the input sentence by filling in the masked tokens with the predicted words.

Language: Python - Size: 1.68 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

AKKI0511/Masked-Language-Model

Powerful Python tool for visualizing and interacting with pre-trained Masked Language Models (MLMs) like BERT. Features include self-attention visualization, masked token prediction, model fine-tuning, embedding analysis with PCA/t-SNE, and SHAP-based model interpretability.

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

musty-ess/Masked-Language-Model-Using-BERT

This project implements a Masked Language Model using BERT, a transformer-based model developed by Google, to predict masked words in text sequences.

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

AndrewDarnall/The-Code-Unmasker

SpringBoot-based microserviced web app which unmasks, using CodeBERT MLM, a code prompt

Language: Jupyter Notebook - Size: 71.3 KB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

chiral-carbon/inverse-prompt

Inverse prompting LLMs for interpretability

Language: Jupyter Notebook - Size: 150 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

saagar-parikh/ASR_LLM_Rescoring Fork of jdannem6/ASR_LLM_Rescoring

Rescoring Automatic Speech Recognition using Large Language Models

Language: Jupyter Notebook - Size: 25 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

insdout/BertAttentionViz

BERT Attention Visualization is a web application powered by Streamlit, offering intuitive visualization of attention weights generated by BERT-based models.

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

rstodden/stance-detection

Code for "Using Masked Language Model Probabilities of Connectives for Stance Detection in English Discourse"

Language: Jupyter Notebook - Size: 101 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

pedroandreou/Cypriot-LLM

Training the first Cypriot Large Language Model on the Masked Language Modeling objective for predicting a given masked word token within a given context

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

petermchale/nucleotide-transformer

Using an LLM to discover the genetic causes of rare disease

Language: Jupyter Notebook - Size: 378 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

JayaswalVivek/Masked_Language_Model

Create a masked language model for a vernacular of your choice.

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

Related Topics
bert 10 nlp 9 language-model 8 transformers 8 huggingface 6 deep-learning 5 machine-learning 5 pytorch 4 natural-language-processing 4 ai 3 pretrained-models 3 bert-model 3 huggingface-transformers 3 tensorflow 3 large-language-models 3 stance-detection 2 adversarial-attacks 2 roberta-model 2 language-models 2 python 2 artificial-intelligence 2 causal-language-modeling 2 llm 2 masked-language-modeling 2 pretraining 2 text-classification 2 masked-image-modeling 2 question-answering 2 sequence-classification 2 simcse 2 token-classification 2 embeddings 2 pretrained-language-model 2 transformer 2 semi-supervised-learning 2 ner 2 attention-is-all-you-need 2 in-context-learning 1 contextualized-representation 1 instruction-tuning 1 bert-models 1 sentiment-analysis 1 prompt-based-tuning 1 prompt-engineering 1 prompt-learning 1 senteval 1 prompt-tuning 1 self-supervised 1 prompting 1 semi-supervised 1 qnli 1 lifelong-learning 1 fine-tuning 1 continue-learning 1 structure-prediction 1 protein-structure 1 protein-sequences 1 huggingface-spaces 1 bioinformatics 1 tensorflow-keras 1 sequence-labeling 1 albert 1 vision-language 1 pre-training 1 fill-in-the-blank 1 fill-mask 1 natural-language-understanding 1 tokenization 1 interpretability 1 physiological-signals 1 sequence-to-sequence 1 semantic-similarity 1 encoder-model 1 physiology 1 representation-learning 1 encoder-decoder-model 1 bias-evaluation 1 computational-social-science 1 explainable-ai 1 decoder-model 1 explainable-ml 1 interpretable-ai 1 interpretable-ml 1 masked-word-prediction 1 image-classification 1 transformers-models 1 visualization 1 codebert 1 docker 1 microservices 1 spring-boot 1 forgetting 1 mlm 1 neural-network 1 token-mask 1 cardiology 1 continual-learning 1 electrophysiology 1 healthcare 1 foundation-models 1