modelId
stringlengths
5
139
author
stringlengths
2
42
last_modified
timestamp[us, tz=UTC]date
2020-02-15 11:33:14
2025-07-31 18:27:55
downloads
int64
0
223M
likes
int64
0
11.7k
library_name
stringclasses
543 values
tags
listlengths
1
4.05k
pipeline_tag
stringclasses
55 values
createdAt
timestamp[us, tz=UTC]date
2022-03-02 23:29:04
2025-07-31 18:24:13
card
stringlengths
11
1.01M
indobenchmark/indobert-lite-large-p2
indobenchmark
2020-12-11T21:45:59Z
186
1
transformers
[ "transformers", "pytorch", "tf", "albert", "feature-extraction", "indobert", "indobenchmark", "indonlu", "id", "dataset:Indo4B", "arxiv:2009.05387", "license:mit", "region:us" ]
feature-extraction
2022-03-02T23:29:05Z
--- language: id tags: - indobert - indobenchmark - indonlu license: mit inference: false datasets: - Indo4B --- # IndoBERT-Lite Large Model (phase2 - uncased) [IndoBERT](https://arxiv.org/abs/2009.05387) is a state-of-the-art language model for Indonesian based on the BERT model. The pretrained model is trained using a masked language modeling (MLM) objective and next sentence prediction (NSP) objective. ## All Pre-trained Models | Model | #params | Arch. | Training data | |--------------------------------|--------------------------------|-------|-----------------------------------| | `indobenchmark/indobert-base-p1` | 124.5M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-base-p2` | 124.5M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-large-p1` | 335.2M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-large-p2` | 335.2M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-base-p1` | 11.7M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-base-p2` | 11.7M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-large-p1` | 17.7M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-large-p2` | 17.7M | Large | Indo4B (23.43 GB of text) | ## How to use ### Load model and tokenizer ```python from transformers import BertTokenizer, AutoModel tokenizer = BertTokenizer.from_pretrained("indobenchmark/indobert-lite-large-p2") model = AutoModel.from_pretrained("indobenchmark/indobert-lite-large-p2") ``` ### Extract contextual representation ```python x = torch.LongTensor(tokenizer.encode('aku adalah anak [MASK]')).view(1,-1) print(x, model(x)[0].sum()) ``` ## Authors <b>IndoBERT</b> was trained and evaluated by Bryan Wilie\*, Karissa Vincentio\*, Genta Indra Winata\*, Samuel Cahyawijaya\*, Xiaohong Li, Zhi Yuan Lim, Sidik Soleman, Rahmad Mahendra, Pascale Fung, Syafri Bahar, Ayu Purwarianti. ## Citation If you use our work, please cite: ```bibtex @inproceedings{wilie2020indonlu, title={IndoNLU: Benchmark and Resources for Evaluating Indonesian Natural Language Understanding}, author={Bryan Wilie and Karissa Vincentio and Genta Indra Winata and Samuel Cahyawijaya and X. Li and Zhi Yuan Lim and S. Soleman and R. Mahendra and Pascale Fung and Syafri Bahar and A. Purwarianti}, booktitle={Proceedings of the 1st Conference of the Asia-Pacific Chapter of the Association for Computational Linguistics and the 10th International Joint Conference on Natural Language Processing}, year={2020} } ```
indobenchmark/indobert-lite-large-p1
indobenchmark
2020-12-11T21:45:56Z
40
0
transformers
[ "transformers", "pytorch", "tf", "albert", "feature-extraction", "indobert", "indobenchmark", "indonlu", "id", "dataset:Indo4B", "arxiv:2009.05387", "license:mit", "region:us" ]
feature-extraction
2022-03-02T23:29:05Z
--- language: id tags: - indobert - indobenchmark - indonlu license: mit inference: false datasets: - Indo4B --- # IndoBERT-Lite Large Model (phase1 - uncased) [IndoBERT](https://arxiv.org/abs/2009.05387) is a state-of-the-art language model for Indonesian based on the BERT model. The pretrained model is trained using a masked language modeling (MLM) objective and next sentence prediction (NSP) objective. ## All Pre-trained Models | Model | #params | Arch. | Training data | |--------------------------------|--------------------------------|-------|-----------------------------------| | `indobenchmark/indobert-base-p1` | 124.5M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-base-p2` | 124.5M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-large-p1` | 335.2M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-large-p2` | 335.2M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-base-p1` | 11.7M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-base-p2` | 11.7M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-large-p1` | 17.7M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-large-p2` | 17.7M | Large | Indo4B (23.43 GB of text) | ## How to use ### Load model and tokenizer ```python from transformers import BertTokenizer, AutoModel tokenizer = BertTokenizer.from_pretrained("indobenchmark/indobert-lite-large-p1") model = AutoModel.from_pretrained("indobenchmark/indobert-lite-large-p1") ``` ### Extract contextual representation ```python x = torch.LongTensor(tokenizer.encode('aku adalah anak [MASK]')).view(1,-1) print(x, model(x)[0].sum()) ``` ## Authors <b>IndoBERT</b> was trained and evaluated by Bryan Wilie\*, Karissa Vincentio\*, Genta Indra Winata\*, Samuel Cahyawijaya\*, Xiaohong Li, Zhi Yuan Lim, Sidik Soleman, Rahmad Mahendra, Pascale Fung, Syafri Bahar, Ayu Purwarianti. ## Citation If you use our work, please cite: ```bibtex @inproceedings{wilie2020indonlu, title={IndoNLU: Benchmark and Resources for Evaluating Indonesian Natural Language Understanding}, author={Bryan Wilie and Karissa Vincentio and Genta Indra Winata and Samuel Cahyawijaya and X. Li and Zhi Yuan Lim and S. Soleman and R. Mahendra and Pascale Fung and Syafri Bahar and A. Purwarianti}, booktitle={Proceedings of the 1st Conference of the Asia-Pacific Chapter of the Association for Computational Linguistics and the 10th International Joint Conference on Natural Language Processing}, year={2020} } ```
indobenchmark/indobert-lite-base-p2
indobenchmark
2020-12-11T21:45:53Z
35,934
0
transformers
[ "transformers", "pytorch", "tf", "albert", "feature-extraction", "indobert", "indobenchmark", "indonlu", "id", "dataset:Indo4B", "arxiv:2009.05387", "license:mit", "region:us" ]
feature-extraction
2022-03-02T23:29:05Z
--- language: id tags: - indobert - indobenchmark - indonlu license: mit inference: false datasets: - Indo4B --- # IndoBERT-Lite Base Model (phase2 - uncased) [IndoBERT](https://arxiv.org/abs/2009.05387) is a state-of-the-art language model for Indonesian based on the BERT model. The pretrained model is trained using a masked language modeling (MLM) objective and next sentence prediction (NSP) objective. ## All Pre-trained Models | Model | #params | Arch. | Training data | |--------------------------------|--------------------------------|-------|-----------------------------------| | `indobenchmark/indobert-base-p1` | 124.5M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-base-p2` | 124.5M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-large-p1` | 335.2M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-large-p2` | 335.2M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-base-p1` | 11.7M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-base-p2` | 11.7M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-large-p1` | 17.7M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-large-p2` | 17.7M | Large | Indo4B (23.43 GB of text) | ## How to use ### Load model and tokenizer ```python from transformers import BertTokenizer, AutoModel tokenizer = BertTokenizer.from_pretrained("indobenchmark/indobert-lite-base-p2") model = AutoModel.from_pretrained("indobenchmark/indobert-lite-base-p2") ``` ### Extract contextual representation ```python x = torch.LongTensor(tokenizer.encode('aku adalah anak [MASK]')).view(1,-1) print(x, model(x)[0].sum()) ``` ## Authors <b>IndoBERT</b> was trained and evaluated by Bryan Wilie\*, Karissa Vincentio\*, Genta Indra Winata\*, Samuel Cahyawijaya\*, Xiaohong Li, Zhi Yuan Lim, Sidik Soleman, Rahmad Mahendra, Pascale Fung, Syafri Bahar, Ayu Purwarianti. ## Citation If you use our work, please cite: ```bibtex @inproceedings{wilie2020indonlu, title={IndoNLU: Benchmark and Resources for Evaluating Indonesian Natural Language Understanding}, author={Bryan Wilie and Karissa Vincentio and Genta Indra Winata and Samuel Cahyawijaya and X. Li and Zhi Yuan Lim and S. Soleman and R. Mahendra and Pascale Fung and Syafri Bahar and A. Purwarianti}, booktitle={Proceedings of the 1st Conference of the Asia-Pacific Chapter of the Association for Computational Linguistics and the 10th International Joint Conference on Natural Language Processing}, year={2020} } ```
indobenchmark/indobert-lite-base-p1
indobenchmark
2020-12-11T21:45:50Z
261
0
transformers
[ "transformers", "pytorch", "tf", "albert", "feature-extraction", "indobert", "indobenchmark", "indonlu", "id", "dataset:Indo4B", "arxiv:2009.05387", "license:mit", "region:us" ]
feature-extraction
2022-03-02T23:29:05Z
--- language: id tags: - indobert - indobenchmark - indonlu license: mit inference: false datasets: - Indo4B --- # IndoBERT-Lite Base Model (phase1 - uncased) [IndoBERT](https://arxiv.org/abs/2009.05387) is a state-of-the-art language model for Indonesian based on the BERT model. The pretrained model is trained using a masked language modeling (MLM) objective and next sentence prediction (NSP) objective. ## All Pre-trained Models | Model | #params | Arch. | Training data | |--------------------------------|--------------------------------|-------|-----------------------------------| | `indobenchmark/indobert-base-p1` | 124.5M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-base-p2` | 124.5M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-large-p1` | 335.2M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-large-p2` | 335.2M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-base-p1` | 11.7M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-base-p2` | 11.7M | Base | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-large-p1` | 17.7M | Large | Indo4B (23.43 GB of text) | | `indobenchmark/indobert-lite-large-p2` | 17.7M | Large | Indo4B (23.43 GB of text) | ## How to use ### Load model and tokenizer ```python from transformers import BertTokenizer, AutoModel tokenizer = BertTokenizer.from_pretrained("indobenchmark/indobert-lite-base-p1") model = AutoModel.from_pretrained("indobenchmark/indobert-lite-base-p1") ``` ### Extract contextual representation ```python x = torch.LongTensor(tokenizer.encode('aku adalah anak [MASK]')).view(1,-1) print(x, model(x)[0].sum()) ``` ## Authors <b>IndoBERT</b> was trained and evaluated by Bryan Wilie\*, Karissa Vincentio\*, Genta Indra Winata\*, Samuel Cahyawijaya\*, Xiaohong Li, Zhi Yuan Lim, Sidik Soleman, Rahmad Mahendra, Pascale Fung, Syafri Bahar, Ayu Purwarianti. ## Citation If you use our work, please cite: ```bibtex @inproceedings{wilie2020indonlu, title={IndoNLU: Benchmark and Resources for Evaluating Indonesian Natural Language Understanding}, author={Bryan Wilie and Karissa Vincentio and Genta Indra Winata and Samuel Cahyawijaya and X. Li and Zhi Yuan Lim and S. Soleman and R. Mahendra and Pascale Fung and Syafri Bahar and A. Purwarianti}, booktitle={Proceedings of the 1st Conference of the Asia-Pacific Chapter of the Association for Computational Linguistics and the 10th International Joint Conference on Natural Language Processing}, year={2020} } ```
illuin/camembert-base-fquad
illuin
2020-12-11T21:45:27Z
506
7
transformers
[ "transformers", "pytorch", "camembert", "question-answering", "fr", "dataset:fquad", "license:gpl-3.0", "endpoints_compatible", "region:us" ]
question-answering
2022-03-02T23:29:05Z
--- language: fr tags: - question-answering - camembert license: gpl-3.0 datasets: - fquad --- # camembert-base-fquad ## Description A native French Question Answering model [CamemBERT-base](https://camembert-model.fr/) fine-tuned on [FQuAD](https://fquad.illuin.tech/). ## Evaluation results On the development set. ```shell {"f1": 88.1, "exact_match": 78.1} ``` On the test set. ```shell {"f1": 88.3, "exact_match": 78.0} ``` ## Usage ```python from transformers import pipeline nlp = pipeline('question-answering', model='illuin/camembert-base-fquad', tokenizer='illuin/camembert-base-fquad') nlp({ 'question': "Qui est Claude Monet?", 'context': "Claude Monet, né le 14 novembre 1840 à Paris et mort le 5 décembre 1926 à Giverny, est un peintre français et l’un des fondateurs de l'impressionnisme." }) ``` ## Citation If you use our work, please cite: ```bibtex @article{dHoffschmidt2020FQuADFQ, title={FQuAD: French Question Answering Dataset}, author={Martin d'Hoffschmidt and Maxime Vidal and Wacim Belblidia and Tom Brendl'e and Quentin Heinrich}, journal={ArXiv}, year={2020}, volume={abs/2002.06071} } ```
healx/gpt-2-pubmed-large
healx
2020-12-11T21:43:38Z
3
0
transformers
[ "transformers", "pytorch", "arxiv:2004.13845", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
GPT-2 (774M model) finetuned on 0.5m PubMed abstracts. Used in the [writemeanabstract.com](writemeanabstract.com) and the following preprint: [Papanikolaou, Yannis, and Andrea Pierleoni. "DARE: Data Augmented Relation Extraction with GPT-2." arXiv preprint arXiv:2004.13845 (2020).](https://arxiv.org/abs/2004.13845)
facebook/rag-token-base
facebook
2020-12-11T21:39:44Z
7,396
17
transformers
[ "transformers", "pytorch", "rag", "en", "dataset:wiki_dpr", "arxiv:2005.11401", "license:apache-2.0", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: en license: apache-2.0 datasets: - wiki_dpr thumbnail: https://huggingface.co/front/thumbnails/facebook.png --- ## RAG This is a non-finetuned version of the RAG-Token model of the the paper [Retrieval-Augmented Generation for Knowledge-Intensive NLP Tasks](https://arxiv.org/pdf/2005.11401.pdf) by Patrick Lewis, Ethan Perez, Aleksandara Piktus et al. Rag consits of a *question encoder*, *retriever* and a *generator*. The retriever should be a `RagRetriever` instance. The *question encoder* can be any model that can be loaded with `AutoModel` and the *generator* can be any model that can be loaded with `AutoModelForSeq2SeqLM`. This model is a non-finetuned RAG-Token model and was created as follows: ```python from transformers import RagTokenizer, RagRetriever, RagTokenForGeneration, AutoTokenizer model = RagTokenForGeneration.from_pretrained_question_encoder_generator("facebook/dpr-question_encoder-single-nq-base", "facebook/bart-large") question_encoder_tokenizer = AutoTokenizer.from_pretrained("facebook/dpr-question_encoder-single-nq-base") generator_tokenizer = AutoTokenizer.from_pretrained("facebook/bart-large") tokenizer = RagTokenizer(question_encoder_tokenizer, generator_tokenizer) model.config.use_dummy_dataset = True model.config.index_name = "exact" retriever = RagRetriever(model.config, question_encoder_tokenizer, generator_tokenizer) model.save_pretrained("./") tokenizer.save_pretrained("./") retriever.save_pretrained("./") ``` Note that the model is *uncased* so that all capital input letters are converted to lower-case. ## Usage: *Note*: the model uses the *dummy* retriever as a default. Better results are obtained by using the full retriever, by setting `config.index_name="legacy"` and `config.use_dummy_dataset=False`. The model can be fine-tuned as follows: ```python from transformers import RagTokenizer, RagRetriever, RagTokenForGeneration tokenizer = RagTokenizer.from_pretrained("facebook/rag-token-base") retriever = RagRetriever.from_pretrained("facebook/rag-token-base") model = RagTokenForGeneration.from_pretrained("facebook/rag-token-base", retriever=retriever) input_dict = tokenizer.prepare_seq2seq_batch("who holds the record in 100m freestyle", "michael phelps", return_tensors="pt") outputs = model(input_dict["input_ids"], labels=input_dict["labels"]) loss = outputs.loss # train on loss ```
facebook/rag-sequence-base
facebook
2020-12-11T21:39:37Z
3,522
9
transformers
[ "transformers", "pytorch", "rag", "arxiv:2005.11401", "license:apache-2.0", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
--- license: apache-2.0 thumbnail: https://huggingface.co/front/thumbnails/facebook.png --- ## RAG This is a non-finetuned version of the RAG-Sequence model of the the paper [Retrieval-Augmented Generation for Knowledge-Intensive NLP Tasks](https://arxiv.org/pdf/2005.11401.pdf) by Patrick Lewis, Ethan Perez, Aleksandara Piktus et al. Rag consits of a *question encoder*, *retriever* and a *generator*. The retriever should be a `RagRetriever` instance. The *question encoder* can be any model that can be loaded with `AutoModel` and the *generator* can be any model that can be loaded with `AutoModelForSeq2SeqLM`. This model is a non-finetuned RAG-Sequence model and was created as follows: ```python from transformers import RagTokenizer, RagRetriever, RagSequenceForGeneration, AutoTokenizer model = RagSequenceForGeneration.from_pretrained_question_encoder_generator("facebook/dpr-question_encoder-single-nq-base", "facebook/bart-large") question_encoder_tokenizer = AutoTokenizer.from_pretrained("facebook/dpr-question_encoder-single-nq-base") generator_tokenizer = AutoTokenizer.from_pretrained("facebook/bart-large") tokenizer = RagTokenizer(question_encoder_tokenizer, generator_tokenizer) model.config.use_dummy_dataset = True model.config.index_name = "exact" retriever = RagRetriever(model.config, question_encoder_tokenizer, generator_tokenizer) model.save_pretrained("./") tokenizer.save_pretrained("./") retriever.save_pretrained("./") ``` Note that the model is *uncased* so that all capital input letters are converted to lower-case. ## Usage: *Note*: the model uses the *dummy* retriever as a default. Better results are obtained by using the full retriever, by setting `config.index_name="legacy"` and `config.use_dummy_dataset=False`. The model can be fine-tuned as follows: ```python from transformers import RagTokenizer, RagRetriever, RagTokenForGeneration tokenizer = RagTokenizer.from_pretrained("facebook/rag-sequence-base") retriever = RagRetriever.from_pretrained("facebook/rag-sequence-base") model = RagTokenForGeneration.from_pretrained("facebook/rag-sequence-base", retriever=retriever) input_dict = tokenizer.prepare_seq2seq_batch("who holds the record in 100m freestyle", "michael phelps", return_tensors="pt") outputs = model(input_dict["input_ids"], labels=input_dict["labels"]) loss = outputs.loss # train on loss ```
elgeish/cs224n-squad2.0-distilbert-base-uncased
elgeish
2020-12-11T21:39:04Z
5
0
transformers
[ "transformers", "pytorch", "distilbert", "question-answering", "arxiv:2004.07067", "endpoints_compatible", "region:us" ]
question-answering
2022-03-02T23:29:05Z
## CS224n SQuAD2.0 Project Dataset The goal of this model is to save CS224n students GPU time when establishing baselines to beat for the [Default Final Project](http://web.stanford.edu/class/cs224n/project/default-final-project-handout.pdf). The training set used to fine-tune this model is the same as the [official one](https://rajpurkar.github.io/SQuAD-explorer/); however, evaluation and model selection were performed using roughly half of the official dev set, 6078 examples, picked at random. The data files can be found at <https://github.com/elgeish/squad/tree/master/data> — this is the Winter 2020 version. Given that the official SQuAD2.0 dev set contains the project's test set, students must make sure not to use the official SQuAD2.0 dev set in any way — including the use of models fine-tuned on the official SQuAD2.0, since they used the official SQuAD2.0 dev set for model selection. ## Results ```json { "exact": 65.16946363935504, "f1": 67.87348075352251, "total": 6078, "HasAns_exact": 69.51890034364261, "HasAns_f1": 75.16667217179045, "HasAns_total": 2910, "NoAns_exact": 61.17424242424242, "NoAns_f1": 61.17424242424242, "NoAns_total": 3168, "best_exact": 65.16946363935504, "best_exact_thresh": 0.0, "best_f1": 67.87348075352243, "best_f1_thresh": 0.0 } ``` ## Notable Arguments ```json { "do_lower_case": true, "doc_stride": 128, "fp16": false, "fp16_opt_level": "O1", "gradient_accumulation_steps": 24, "learning_rate": 3e-05, "max_answer_length": 30, "max_grad_norm": 1, "max_query_length": 64, "max_seq_length": 384, "model_name_or_path": "distilbert-base-uncased-distilled-squad", "model_type": "distilbert", "num_train_epochs": 4, "per_gpu_train_batch_size": 32, "save_steps": 5000, "seed": 42, "train_batch_size": 32, "version_2_with_negative": true, "warmup_steps": 0, "weight_decay": 0 } ``` ## Environment Setup ```json { "transformers": "2.5.1", "pytorch": "1.4.0=py3.6_cuda10.1.243_cudnn7.6.3_0", "python": "3.6.5=hc3d631a_2", "os": "Linux 4.15.0-1060-aws #62-Ubuntu SMP Tue Feb 11 21:23:22 UTC 2020 x86_64 x86_64 x86_64 GNU/Linux", "gpu": "Tesla V100-SXM2-16GB" } ``` ## How to Cite ```BibTeX @misc{elgeish2020gestalt, title={Gestalt: a Stacking Ensemble for SQuAD2.0}, author={Mohamed El-Geish}, journal={arXiv e-prints}, archivePrefix={arXiv}, eprint={2004.07067}, year={2020}, } ``` ## Related Models * [elgeish/cs224n-squad2.0-albert-base-v2](https://huggingface.co/elgeish/cs224n-squad2.0-albert-base-v2) * [elgeish/cs224n-squad2.0-albert-large-v2](https://huggingface.co/elgeish/cs224n-squad2.0-albert-large-v2) * [elgeish/cs224n-squad2.0-albert-xxlarge-v1](https://huggingface.co/elgeish/cs224n-squad2.0-albert-xxlarge-v1) * [elgeish/cs224n-squad2.0-roberta-base](https://huggingface.co/elgeish/cs224n-squad2.0-roberta-base)
elgeish/cs224n-squad2.0-albert-large-v2
elgeish
2020-12-11T21:38:57Z
7
0
transformers
[ "transformers", "pytorch", "albert", "question-answering", "exbert", "arxiv:2004.07067", "endpoints_compatible", "region:us" ]
question-answering
2022-03-02T23:29:05Z
--- tags: - exbert --- ## CS224n SQuAD2.0 Project Dataset The goal of this model is to save CS224n students GPU time when establishing baselines to beat for the [Default Final Project](http://web.stanford.edu/class/cs224n/project/default-final-project-handout.pdf). The training set used to fine-tune this model is the same as the [official one](https://rajpurkar.github.io/SQuAD-explorer/); however, evaluation and model selection were performed using roughly half of the official dev set, 6078 examples, picked at random. The data files can be found at <https://github.com/elgeish/squad/tree/master/data> — this is the Winter 2020 version. Given that the official SQuAD2.0 dev set contains the project's test set, students must make sure not to use the official SQuAD2.0 dev set in any way — including the use of models fine-tuned on the official SQuAD2.0, since they used the official SQuAD2.0 dev set for model selection. <a href="https://huggingface.co/exbert/?model=elgeish/cs224n-squad2.0-albert-large-v2"> <img width="300px" src="https://cdn-media.huggingface.co/exbert/button.png"> </a> ## Results ```json { "exact": 79.2694965449161, "f1": 82.50844352970152, "total": 6078, "HasAns_exact": 74.87972508591065, "HasAns_f1": 81.64478342732858, "HasAns_total": 2910, "NoAns_exact": 83.30176767676768, "NoAns_f1": 83.30176767676768, "NoAns_total": 3168, "best_exact": 79.2694965449161, "best_exact_thresh": 0.0, "best_f1": 82.50844352970155, "best_f1_thresh": 0.0 } ``` ## Notable Arguments ```json { "do_lower_case": true, "doc_stride": 128, "fp16": false, "fp16_opt_level": "O1", "gradient_accumulation_steps": 1, "learning_rate": 3e-05, "max_answer_length": 30, "max_grad_norm": 1, "max_query_length": 64, "max_seq_length": 384, "model_name_or_path": "albert-large-v2", "model_type": "albert", "num_train_epochs": 5, "per_gpu_train_batch_size": 8, "save_steps": 5000, "seed": 42, "train_batch_size": 8, "version_2_with_negative": true, "warmup_steps": 0, "weight_decay": 0 } ``` ## Environment Setup ```json { "transformers": "2.5.1", "pytorch": "1.4.0=py3.6_cuda10.1.243_cudnn7.6.3_0", "python": "3.6.5=hc3d631a_2", "os": "Linux 4.15.0-1060-aws #62-Ubuntu SMP Tue Feb 11 21:23:22 UTC 2020 x86_64 x86_64 x86_64 GNU/Linux", "gpu": "Tesla V100-SXM2-16GB" } ``` ## How to Cite ```BibTeX @misc{elgeish2020gestalt, title={Gestalt: a Stacking Ensemble for SQuAD2.0}, author={Mohamed El-Geish}, journal={arXiv e-prints}, archivePrefix={arXiv}, eprint={2004.07067}, year={2020}, } ``` ## Related Models * [elgeish/cs224n-squad2.0-albert-base-v2](https://huggingface.co/elgeish/cs224n-squad2.0-albert-base-v2) * [elgeish/cs224n-squad2.0-albert-xxlarge-v1](https://huggingface.co/elgeish/cs224n-squad2.0-albert-xxlarge-v1) * [elgeish/cs224n-squad2.0-distilbert-base-uncased](https://huggingface.co/elgeish/cs224n-squad2.0-distilbert-base-uncased) * [elgeish/cs224n-squad2.0-roberta-base](https://huggingface.co/elgeish/cs224n-squad2.0-roberta-base)
elgeish/cs224n-squad2.0-albert-base-v2
elgeish
2020-12-11T21:38:54Z
1,062
0
transformers
[ "transformers", "pytorch", "albert", "question-answering", "exbert", "arxiv:2004.07067", "endpoints_compatible", "region:us" ]
question-answering
2022-03-02T23:29:05Z
--- tags: - exbert --- ## CS224n SQuAD2.0 Project Dataset The goal of this model is to save CS224n students GPU time when establishing baselines to beat for the [Default Final Project](http://web.stanford.edu/class/cs224n/project/default-final-project-handout.pdf). The training set used to fine-tune this model is the same as the [official one](https://rajpurkar.github.io/SQuAD-explorer/); however, evaluation and model selection were performed using roughly half of the official dev set, 6078 examples, picked at random. The data files can be found at <https://github.com/elgeish/squad/tree/master/data> — this is the Winter 2020 version. Given that the official SQuAD2.0 dev set contains the project's test set, students must make sure not to use the official SQuAD2.0 dev set in any way — including the use of models fine-tuned on the official SQuAD2.0, since they used the official SQuAD2.0 dev set for model selection. <a href="https://huggingface.co/exbert/?model=elgeish/cs224n-squad2.0-albert-base-v2"> <img width="300px" src="https://cdn-media.huggingface.co/exbert/button.png"> </a> ## Results ```json { "exact": 78.94044093451794, "f1": 81.7724930324639, "total": 6078, "HasAns_exact": 76.28865979381443, "HasAns_f1": 82.20385314478195, "HasAns_total": 2910, "NoAns_exact": 81.37626262626263, "NoAns_f1": 81.37626262626263, "NoAns_total": 3168, "best_exact": 78.95689371503784, "best_exact_thresh": 0.0, "best_f1": 81.78894581298378, "best_f1_thresh": 0.0 } ``` ## Notable Arguments ```json { "do_lower_case": true, "doc_stride": 128, "fp16": false, "fp16_opt_level": "O1", "gradient_accumulation_steps": 24, "learning_rate": 3e-05, "max_answer_length": 30, "max_grad_norm": 1, "max_query_length": 64, "max_seq_length": 384, "model_name_or_path": "albert-base-v2", "model_type": "albert", "num_train_epochs": 3, "per_gpu_train_batch_size": 8, "save_steps": 5000, "seed": 42, "train_batch_size": 8, "version_2_with_negative": true, "warmup_steps": 0, "weight_decay": 0 } ``` ## Environment Setup ```json { "transformers": "2.5.1", "pytorch": "1.4.0=py3.6_cuda10.1.243_cudnn7.6.3_0", "python": "3.6.5=hc3d631a_2", "os": "Linux 4.15.0-1060-aws #62-Ubuntu SMP Tue Feb 11 21:23:22 UTC 2020 x86_64 x86_64 x86_64 GNU/Linux", "gpu": "Tesla V100-SXM2-16GB" } ``` ## How to Cite ```BibTeX @misc{elgeish2020gestalt, title={Gestalt: a Stacking Ensemble for SQuAD2.0}, author={Mohamed El-Geish}, journal={arXiv e-prints}, archivePrefix={arXiv}, eprint={2004.07067}, year={2020}, } ``` ## Related Models * [elgeish/cs224n-squad2.0-albert-large-v2](https://huggingface.co/elgeish/cs224n-squad2.0-albert-large-v2) * [elgeish/cs224n-squad2.0-albert-xxlarge-v1](https://huggingface.co/elgeish/cs224n-squad2.0-albert-xxlarge-v1) * [elgeish/cs224n-squad2.0-distilbert-base-uncased](https://huggingface.co/elgeish/cs224n-squad2.0-distilbert-base-uncased) * [elgeish/cs224n-squad2.0-roberta-base](https://huggingface.co/elgeish/cs224n-squad2.0-roberta-base)
cooelf/limitbert
cooelf
2020-12-11T21:36:18Z
3
0
transformers
[ "transformers", "pytorch", "arxiv:1910.14296", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
# LIMIT-BERT Code and model for the *EMNLP 2020 Findings* paper: [LIMIT-BERT: Linguistic Informed Multi-task BERT](https://arxiv.org/abs/1910.14296)) ## Contents 1. [Requirements](#Requirements) 2. [Training](#Training) ## Requirements * Python 3.6 or higher. * Cython 0.25.2 or any compatible version. * [PyTorch](http://pytorch.org/) 1.0.0+. * [EVALB](http://nlp.cs.nyu.edu/evalb/). Before starting, run `make` inside the `EVALB/` directory to compile an `evalb` executable. This will be called from Python for evaluation. * [pytorch-transformers](https://github.com/huggingface/pytorch-transformers) PyTorch 1.0.0+ or any compatible version. #### Pre-trained Models (PyTorch) The following pre-trained models are available for download from Google Drive: * [`LIMIT-BERT`](https://drive.google.com/open?id=1fm0cK2A91iLG3lCpwowCCQSALnWS2X4i): PyTorch version, same setting with BERT-Large-WWM,loading model with [pytorch-transformers](https://github.com/huggingface/pytorch-transformers). ## How to use ``` from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("cooelf/limitbert") model = AutoModel.from_pretrained("cooelf/limitbert") ``` Please see our original repo for the training scripts. https://github.com/cooelf/LIMIT-BERT ## Training To train LIMIT-BERT, simply run: ``` sh run_limitbert.sh ``` ### Evaluation Instructions To test after setting model path: ``` sh test_bert.sh ``` ## Citation ``` @article{zhou2019limit, title={{LIMIT-BERT}: Linguistic informed multi-task {BERT}}, author={Zhou, Junru and Zhang, Zhuosheng and Zhao, Hai}, journal={arXiv preprint arXiv:1910.14296}, year={2019} } ```
txus/calbert-base-uncased
txus
2020-12-11T21:36:11Z
11
1
transformers
[ "transformers", "pytorch", "albert", "masked-lm", "catalan", "exbert", "ca", "license:mit", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: "ca" tags: - masked-lm - catalan - exbert license: mit --- # Calbert: a Catalan Language Model ## Introduction CALBERT is an open-source language model for Catalan pretrained on the ALBERT architecture. It is now available on Hugging Face in its `tiny-uncased` version and `base-uncased` (the one you're looking at) as well, and was pretrained on the [OSCAR dataset](https://traces1.inria.fr/oscar/). For further information or requests, please go to the [GitHub repository](https://github.com/codegram/calbert) ## Pre-trained models | Model | Arch. | Training data | | ----------------------------------- | -------------- | ---------------------- | | `codegram` / `calbert-tiny-uncased` | Tiny (uncased) | OSCAR (4.3 GB of text) | | `codegram` / `calbert-base-uncased` | Base (uncased) | OSCAR (4.3 GB of text) | ## How to use Calbert with HuggingFace #### Load Calbert and its tokenizer: ```python from transformers import AutoModel, AutoTokenizer tokenizer = AutoTokenizer.from_pretrained("codegram/calbert-base-uncased") model = AutoModel.from_pretrained("codegram/calbert-base-uncased") model.eval() # disable dropout (or leave in train mode to finetune ``` #### Filling masks using pipeline ```python from transformers import pipeline calbert_fill_mask = pipeline("fill-mask", model="codegram/calbert-base-uncased", tokenizer="codegram/calbert-base-uncased") results = calbert_fill_mask("M'agrada [MASK] això") # results # [{'sequence': "[CLS] m'agrada molt aixo[SEP]", 'score': 0.614592969417572, 'token': 61}, # {'sequence': "[CLS] m'agrada moltíssim aixo[SEP]", 'score': 0.06058056280016899, 'token': 4867}, # {'sequence': "[CLS] m'agrada més aixo[SEP]", 'score': 0.017195818945765495, 'token': 43}, # {'sequence': "[CLS] m'agrada llegir aixo[SEP]", 'score': 0.016321714967489243, 'token': 684}, # {'sequence': "[CLS] m'agrada escriure aixo[SEP]", 'score': 0.012185849249362946, 'token': 1306}] ``` #### Extract contextual embedding features from Calbert output ```python import torch # Tokenize in sub-words with SentencePiece tokenized_sentence = tokenizer.tokenize("M'és una mica igual") # ['▁m', "'", 'es', '▁una', '▁mica', '▁igual'] # 1-hot encode and add special starting and end tokens encoded_sentence = tokenizer.encode(tokenized_sentence) # [2, 109, 7, 71, 36, 371, 1103, 3] # NB: Can be done in one step : tokenize.encode("M'és una mica igual") # Feed tokens to Calbert as a torch tensor (batch dim 1) encoded_sentence = torch.tensor(encoded_sentence).unsqueeze(0) embeddings, _ = model(encoded_sentence) embeddings.size() # torch.Size([1, 8, 768]) embeddings.detach() # tensor([[[-0.0261, 0.1166, -0.1075, ..., -0.0368, 0.0193, 0.0017], # [ 0.1289, -0.2252, 0.9881, ..., -0.1353, 0.3534, 0.0734], # [-0.0328, -1.2364, 0.9466, ..., 0.3455, 0.7010, -0.2085], # ..., # [ 0.0397, -1.0228, -0.2239, ..., 0.2932, 0.1248, 0.0813], # [-0.0261, 0.1165, -0.1074, ..., -0.0368, 0.0193, 0.0017], # [-0.1934, -0.2357, -0.2554, ..., 0.1831, 0.6085, 0.1421]]]) ``` ## Authors CALBERT was trained and evaluated by [Txus Bach](https://twitter.com/txustice), as part of [Codegram](https://www.codegram.com)'s applied research. <a href="https://huggingface.co/exbert/?model=codegram/calbert-base-uncased&modelKind=bidirectional&sentence=M%27agradaria%20força%20saber-ne%20més"> <img width="300px" src="https://cdn-media.huggingface.co/exbert/button.png"> </a>
clue/xlnet_chinese_large
clue
2020-12-11T21:36:08Z
4
2
transformers
[ "transformers", "pytorch", "xlnet", "zh", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: zh --- ## xlnet_chinese_large ### Overview **Language model:** xlnet-large **Model size:** 1.3G **Language:** Chinese **Training data:** [CLUECorpusSmall](https://github.com/CLUEbenchmark/CLUECorpus2020) **Eval data:** [CLUE dataset](https://github.com/CLUEbenchmark/CLUE) ### Results For results on downstream tasks like text classification, please refer to [this repository](https://github.com/CLUEbenchmark/CLUE). ### Usage ``` import torch from transformers import XLNetTokenizer,XLNetModel tokenizer = XLNetTokenizer.from_pretrained("clue/xlnet_chinese_large") xlnet = XLNetModel.from_pretrained("clue/xlnet_chinese_large") ``` ### About CLUE benchmark Organization of Language Understanding Evaluation benchmark for Chinese: tasks & datasets, baselines, pre-trained Chinese models, corpus and leaderboard. Github: https://github.com/CLUEbenchmark Website: https://www.cluebenchmarks.com/
clue/albert_chinese_small
clue
2020-12-11T21:35:52Z
69
4
transformers
[ "transformers", "pytorch", "albert", "zh", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: zh --- ## albert_chinese_small ### Overview **Language model:** albert-small **Model size:** 18.5M **Language:** Chinese **Training data:** [CLUECorpusSmall](https://github.com/CLUEbenchmark/CLUECorpus2020) **Eval data:** [CLUE dataset](https://github.com/CLUEbenchmark/CLUE) ### Results For results on downstream tasks like text classification, please refer to [this repository](https://github.com/CLUEbenchmark/CLUE). ### Usage **NOTE:**Since sentencepiece is not used in `albert_chinese_small` model, you have to call **BertTokenizer** instead of AlbertTokenizer !!! ``` import torch from transformers import BertTokenizer, AlbertModel tokenizer = BertTokenizer.from_pretrained("clue/albert_chinese_small") albert = AlbertModel.from_pretrained("clue/albert_chinese_small") ``` ### About CLUE benchmark Organization of Language Understanding Evaluation benchmark for Chinese: tasks & datasets, baselines, pre-trained Chinese models, corpus and leaderboard. Github: https://github.com/CLUEbenchmark Website: https://www.cluebenchmarks.com/
almanach/camembert-base-oscar-4gb
almanach
2020-12-11T21:35:18Z
33
1
transformers
[ "transformers", "pytorch", "camembert", "fr", "arxiv:1911.03894", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: fr --- # CamemBERT: a Tasty French Language Model ## Introduction [CamemBERT](https://arxiv.org/abs/1911.03894) is a state-of-the-art language model for French based on the RoBERTa model. It is now available on Hugging Face in 6 different versions with varying number of parameters, amount of pretraining data and pretraining data source domains. For further information or requests, please go to [Camembert Website](https://camembert-model.fr/) ## Pre-trained models | Model | #params | Arch. | Training data | |--------------------------------|--------------------------------|-------|-----------------------------------| | `camembert-base` | 110M | Base | OSCAR (138 GB of text) | | `camembert/camembert-large` | 335M | Large | CCNet (135 GB of text) | | `camembert/camembert-base-ccnet` | 110M | Base | CCNet (135 GB of text) | | `camembert/camembert-base-wikipedia-4gb` | 110M | Base | Wikipedia (4 GB of text) | | `camembert/camembert-base-oscar-4gb` | 110M | Base | Subsample of OSCAR (4 GB of text) | | `camembert/camembert-base-ccnet-4gb` | 110M | Base | Subsample of CCNet (4 GB of text) | ## How to use CamemBERT with HuggingFace ##### Load CamemBERT and its sub-word tokenizer : ```python from transformers import CamembertModel, CamembertTokenizer # You can replace "camembert-base" with any other model from the table, e.g. "camembert/camembert-large". tokenizer = CamembertTokenizer.from_pretrained("camembert/camembert-base-oscar-4gb") camembert = CamembertModel.from_pretrained("camembert/camembert-base-oscar-4gb") camembert.eval() # disable dropout (or leave in train mode to finetune) ``` ##### Filling masks using pipeline ```python from transformers import pipeline camembert_fill_mask = pipeline("fill-mask", model="camembert/camembert-base-oscar-4gb", tokenizer="camembert/camembert-base-oscar-4gb") >>> results = camembert_fill_mask("Le camembert est <mask> !") # results #[{'sequence': '<s> Le camembert est parfait!</s>', 'score': 0.04089554399251938, 'token': 1654}, #{'sequence': '<s> Le camembert est délicieux!</s>', 'score': 0.037193264812231064, 'token': 7200}, #{'sequence': '<s> Le camembert est prêt!</s>', 'score': 0.025467922911047935, 'token': 1415}, #{'sequence': '<s> Le camembert est meilleur!</s>', 'score': 0.022812040522694588, 'token': 528}, #{'sequence': '<s> Le camembert est différent!</s>', 'score': 0.017135459929704666, 'token': 2935}] ``` ##### Extract contextual embedding features from Camembert output ```python import torch # Tokenize in sub-words with SentencePiece tokenized_sentence = tokenizer.tokenize("J'aime le camembert !") # ['▁J', "'", 'aime', '▁le', '▁ca', 'member', 't', '▁!'] # 1-hot encode and add special starting and end tokens encoded_sentence = tokenizer.encode(tokenized_sentence) # [5, 121, 11, 660, 16, 730, 25543, 110, 83, 6] # NB: Can be done in one step : tokenize.encode("J'aime le camembert !") # Feed tokens to Camembert as a torch tensor (batch dim 1) encoded_sentence = torch.tensor(encoded_sentence).unsqueeze(0) embeddings, _ = camembert(encoded_sentence) # embeddings.detach() # embeddings.size torch.Size([1, 10, 768]) #tensor([[[-0.1120, -0.1464, 0.0181, ..., -0.1723, -0.0278, 0.1606], # [ 0.1234, 0.1202, -0.0773, ..., -0.0405, -0.0668, -0.0788], # [-0.0440, 0.0480, -0.1926, ..., 0.1066, -0.0961, 0.0637], # ..., ``` ##### Extract contextual embedding features from all Camembert layers ```python from transformers import CamembertConfig # (Need to reload the model with new config) config = CamembertConfig.from_pretrained("camembert/camembert-base-oscar-4gb", output_hidden_states=True) camembert = CamembertModel.from_pretrained("camembert/camembert-base-oscar-4gb", config=config) embeddings, _, all_layer_embeddings = camembert(encoded_sentence) # all_layer_embeddings list of len(all_layer_embeddings) == 13 (input embedding layer + 12 self attention layers) all_layer_embeddings[5] # layer 5 contextual embedding : size torch.Size([1, 10, 768]) #tensor([[[-0.1584, -0.1207, -0.0179, ..., 0.5457, 0.1491, -0.1191], # [-0.1122, 0.3634, 0.0676, ..., 0.4395, -0.0470, -0.3781], # [-0.2232, 0.0019, 0.0140, ..., 0.4461, -0.0233, 0.0735], # ..., ``` ## Authors CamemBERT was trained and evaluated by Louis Martin\*, Benjamin Muller\*, Pedro Javier Ortiz Suárez\*, Yoann Dupont, Laurent Romary, Éric Villemonte de la Clergerie, Djamé Seddah and Benoît Sagot. ## Citation If you use our work, please cite: ```bibtex @inproceedings{martin2020camembert, title={CamemBERT: a Tasty French Language Model}, author={Martin, Louis and Muller, Benjamin and Su{\'a}rez, Pedro Javier Ortiz and Dupont, Yoann and Romary, Laurent and de la Clergerie, {\'E}ric Villemonte and Seddah, Djam{\'e} and Sagot, Beno{\^\i}t}, booktitle={Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics}, year={2020} } ```
almanach/camembert-base-ccnet
almanach
2020-12-11T21:35:15Z
63
1
transformers
[ "transformers", "pytorch", "camembert", "fr", "arxiv:1911.03894", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: fr --- # CamemBERT: a Tasty French Language Model ## Introduction [CamemBERT](https://arxiv.org/abs/1911.03894) is a state-of-the-art language model for French based on the RoBERTa model. It is now available on Hugging Face in 6 different versions with varying number of parameters, amount of pretraining data and pretraining data source domains. For further information or requests, please go to [Camembert Website](https://camembert-model.fr/) ## Pre-trained models | Model | #params | Arch. | Training data | |--------------------------------|--------------------------------|-------|-----------------------------------| | `camembert-base` | 110M | Base | OSCAR (138 GB of text) | | `camembert/camembert-large` | 335M | Large | CCNet (135 GB of text) | | `camembert/camembert-base-ccnet` | 110M | Base | CCNet (135 GB of text) | | `camembert/camembert-base-wikipedia-4gb` | 110M | Base | Wikipedia (4 GB of text) | | `camembert/camembert-base-oscar-4gb` | 110M | Base | Subsample of OSCAR (4 GB of text) | | `camembert/camembert-base-ccnet-4gb` | 110M | Base | Subsample of CCNet (4 GB of text) | ## How to use CamemBERT with HuggingFace ##### Load CamemBERT and its sub-word tokenizer : ```python from transformers import CamembertModel, CamembertTokenizer # You can replace "camembert-base" with any other model from the table, e.g. "camembert/camembert-large". tokenizer = CamembertTokenizer.from_pretrained("camembert/camembert-base-ccnet") camembert = CamembertModel.from_pretrained("camembert/camembert-base-ccnet") camembert.eval() # disable dropout (or leave in train mode to finetune) ``` ##### Filling masks using pipeline ```python from transformers import pipeline camembert_fill_mask = pipeline("fill-mask", model="camembert/camembert-base-ccnet", tokenizer="camembert/camembert-base-ccnet") results = camembert_fill_mask("Le camembert est <mask> :)") # results #[{'sequence': '<s> Le camembert est bon :)</s>', 'score': 0.14011502265930176, 'token': 305}, # {'sequence': '<s> Le camembert est délicieux :)</s>', 'score': 0.13929404318332672, 'token': 11661}, # {'sequence': '<s> Le camembert est excellent :)</s>', 'score': 0.07010319083929062, 'token': 3497}, # {'sequence': '<s> Le camembert est parfait :)</s>', 'score': 0.025885622948408127, 'token': 2528}, # {'sequence': '<s> Le camembert est top :)</s>', 'score': 0.025684962049126625, 'token': 2328}] ``` ##### Extract contextual embedding features from Camembert output ```python import torch # Tokenize in sub-words with SentencePiece tokenized_sentence = tokenizer.tokenize("J'aime le camembert !") # ['▁J', "'", 'aime', '▁le', '▁cam', 'ember', 't', '▁!'] # 1-hot encode and add special starting and end tokens encoded_sentence = tokenizer.encode(tokenized_sentence) # [5, 133, 22, 1250, 16, 12034, 14324, 81, 76, 6] # NB: Can be done in one step : tokenize.encode("J'aime le camembert !") # Feed tokens to Camembert as a torch tensor (batch dim 1) encoded_sentence = torch.tensor(encoded_sentence).unsqueeze(0) embeddings, _ = camembert(encoded_sentence) # embeddings.detach() # embeddings.size torch.Size([1, 10, 768]) #tensor([[[ 0.0667, -0.2467, 0.0954, ..., 0.2144, 0.0279, 0.3621], # [-0.0472, 0.4092, -0.6602, ..., 0.2095, 0.1391, -0.0401], # [ 0.1911, -0.2347, -0.0811, ..., 0.4306, -0.0639, 0.1821], # ..., ``` ##### Extract contextual embedding features from all Camembert layers ```python from transformers import CamembertConfig # (Need to reload the model with new config) config = CamembertConfig.from_pretrained("camembert/camembert-base-ccnet", output_hidden_states=True) camembert = CamembertModel.from_pretrained("camembert/camembert-base-ccnet", config=config) embeddings, _, all_layer_embeddings = camembert(encoded_sentence) # all_layer_embeddings list of len(all_layer_embeddings) == 13 (input embedding layer + 12 self attention layers) all_layer_embeddings[5] # layer 5 contextual embedding : size torch.Size([1, 10, 768]) #tensor([[[ 0.0057, -0.1022, 0.0163, ..., -0.0675, -0.0360, 0.1078], # [-0.1096, -0.3344, -0.0593, ..., 0.1625, -0.0432, -0.1646], # [ 0.3751, -0.3829, 0.0844, ..., 0.1067, -0.0330, 0.3334], # ..., ``` ## Authors CamemBERT was trained and evaluated by Louis Martin\*, Benjamin Muller\*, Pedro Javier Ortiz Suárez\*, Yoann Dupont, Laurent Romary, Éric Villemonte de la Clergerie, Djamé Seddah and Benoît Sagot. ## Citation If you use our work, please cite: ```bibtex @inproceedings{martin2020camembert, title={CamemBERT: a Tasty French Language Model}, author={Martin, Louis and Muller, Benjamin and Su{\'a}rez, Pedro Javier Ortiz and Dupont, Yoann and Romary, Laurent and de la Clergerie, {\'E}ric Villemonte and Seddah, Djam{\'e} and Sagot, Beno{\^\i}t}, booktitle={Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics}, year={2020} } ```
aliosm/ai-soco-cpp-roberta-tiny
aliosm
2020-12-11T21:32:46Z
0
0
null
[ "exbert", "authorship-identification", "fire2020", "pan2020", "ai-soco", "dataset:ai-soco", "license:mit", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: "c++" tags: - exbert - authorship-identification - fire2020 - pan2020 - ai-soco license: "mit" datasets: - ai-soco metrics: - perplexity --- # ai-soco-c++-roberta-tiny ## Model description From scratch pre-trained RoBERTa model with 1 layers and 12 attention heads using [AI-SOCO](https://sites.google.com/view/ai-soco-2020) dataset which consists of C++ codes crawled from CodeForces website. ## Intended uses & limitations The model can be used to do code classification, authorship identification and other downstream tasks on C++ programming language. #### How to use You can use the model directly after tokenizing the text using the provided tokenizer with the model files. #### Limitations and bias The model is limited to C++ programming language only. ## Training data The model initialized randomly and trained using [AI-SOCO](https://sites.google.com/view/ai-soco-2020) dataset which contains 100K C++ source codes. ## Training procedure The model trained on Google Colab platform with 8 TPU cores for 200 epochs, 32\*8 batch size, 512 max sequence length and MLM objective. Other parameters were defaulted to the values mentioned in [`run_language_modelling.py`](https://github.com/huggingface/transformers/blob/master/examples/language-modeling/run_language_modeling.py) script. Each continues 4 spaces were converted to a single tab character (`\t`) before tokenization. ### BibTeX entry and citation info ```bibtex @inproceedings{ai-soco-2020-fire, title = "Overview of the {PAN@FIRE} 2020 Task on {Authorship Identification of SOurce COde (AI-SOCO)}", author = "Fadel, Ali and Musleh, Husam and Tuffaha, Ibraheem and Al-Ayyoub, Mahmoud and Jararweh, Yaser and Benkhelifa, Elhadj and Rosso, Paolo", booktitle = "Proceedings of The 12th meeting of the Forum for Information Retrieval Evaluation (FIRE 2020)", year = "2020" } ``` <a href="https://huggingface.co/exbert/?model=aliosm/ai-soco-c++-roberta-tiny"> <img width="300px" src="https://cdn-media.huggingface.co/exbert/button.png"> </a>
aliosm/ai-soco-cpp-roberta-small-clas
aliosm
2020-12-11T21:32:36Z
0
0
null
[ "exbert", "authorship-identification", "fire2020", "pan2020", "ai-soco", "classification", "dataset:ai-soco", "license:mit", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: "c++" tags: - exbert - authorship-identification - fire2020 - pan2020 - ai-soco - classification license: "mit" datasets: - ai-soco metrics: - accuracy --- # ai-soco-c++-roberta-small-clas ## Model description `ai-soco-c++-roberta-small` model fine-tuned on [AI-SOCO](https://sites.google.com/view/ai-soco-2020) task. #### How to use You can use the model directly after tokenizing the text using the provided tokenizer with the model files. #### Limitations and bias The model is limited to C++ programming language only. ## Training data The model initialized from [`ai-soco-c++-roberta-small`](https://github.com/huggingface/transformers/blob/master/model_cards/aliosm/ai-soco-c++-roberta-small) model and trained using [AI-SOCO](https://sites.google.com/view/ai-soco-2020) dataset to do text classification. ## Training procedure The model trained on Google Colab platform using V100 GPU for 10 epochs, 32 batch size, 512 max sequence length (sequences larger than 512 were truncated). Each continues 4 spaces were converted to a single tab character (`\t`) before tokenization. ## Eval results The model achieved 93.19%/92.88% accuracy on AI-SOCO task and ranked in the 4th place. ### BibTeX entry and citation info ```bibtex @inproceedings{ai-soco-2020-fire, title = "Overview of the {PAN@FIRE} 2020 Task on {Authorship Identification of SOurce COde (AI-SOCO)}", author = "Fadel, Ali and Musleh, Husam and Tuffaha, Ibraheem and Al-Ayyoub, Mahmoud and Jararweh, Yaser and Benkhelifa, Elhadj and Rosso, Paolo", booktitle = "Proceedings of The 12th meeting of the Forum for Information Retrieval Evaluation (FIRE 2020)", year = "2020" } ``` <a href="https://huggingface.co/exbert/?model=aliosm/ai-soco-c++-roberta-small-clas"> <img width="300px" src="https://cdn-media.huggingface.co/exbert/button.png"> </a>
akhooli/mbart-large-cc25-en-ar
akhooli
2020-12-11T21:32:08Z
32
3
transformers
[ "transformers", "pytorch", "mbart", "text2text-generation", "translation", "en", "ar", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
translation
2022-03-02T23:29:05Z
--- tags: - translation language: - en - ar license: mit --- ### mbart-large-en-ar This is mbart-large-cc25, finetuned on a subset of the UN corpus for en_ar. Usage: see [example notebook](https://colab.research.google.com/drive/1I6RFOWMaTpPBX7saJYjnSTddW0TD6H1t?usp=sharing) Note: model has limited training set, not fully trained (do not use for production).
akhooli/mbart-large-cc25-ar-en
akhooli
2020-12-11T21:32:04Z
17
4
transformers
[ "transformers", "pytorch", "mbart", "text2text-generation", "translation", "ar", "en", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
translation
2022-03-02T23:29:05Z
--- tags: - translation language: - ar - en license: mit --- ### mbart-large-ar-en This is mbart-large-cc25, finetuned on a subset of the OPUS corpus for ar_en. Usage: see [example notebook](https://colab.research.google.com/drive/1I6RFOWMaTpPBX7saJYjnSTddW0TD6H1t?usp=sharing) Note: model has limited training set, not fully trained (do not use for production). Other models by me: [Abed Khooli](https://huggingface.co/akhooli)
ahotrod/electra_large_discriminator_squad2_512
ahotrod
2020-12-11T21:31:42Z
22,523
6
transformers
[ "transformers", "pytorch", "tf", "electra", "question-answering", "endpoints_compatible", "region:us" ]
question-answering
2022-03-02T23:29:05Z
## ELECTRA_large_discriminator language model fine-tuned on SQuAD2.0 ### with the following results: ``` "exact": 87.09677419354838, "f1": 89.98343832723452, "total": 11873, "HasAns_exact": 84.66599190283401, "HasAns_f1": 90.44759839056285, "HasAns_total": 5928, "NoAns_exact": 89.52060555088309, "NoAns_f1": 89.52060555088309, "NoAns_total": 5945, "best_exact": 87.09677419354838, "best_exact_thresh": 0.0, "best_f1": 89.98343832723432, "best_f1_thresh": 0.0 ``` ### from script: ``` python ${EXAMPLES}/run_squad.py \ --model_type electra \ --model_name_or_path google/electra-large-discriminator \ --do_train \ --do_eval \ --train_file ${SQUAD}/train-v2.0.json \ --predict_file ${SQUAD}/dev-v2.0.json \ --version_2_with_negative \ --do_lower_case \ --num_train_epochs 3 \ --warmup_steps 306 \ --weight_decay 0.01 \ --learning_rate 3e-5 \ --max_grad_norm 0.5 \ --adam_epsilon 1e-6 \ --max_seq_length 512 \ --doc_stride 128 \ --per_gpu_train_batch_size 8 \ --gradient_accumulation_steps 16 \ --per_gpu_eval_batch_size 128 \ --fp16 \ --fp16_opt_level O1 \ --threads 12 \ --logging_steps 50 \ --save_steps 1000 \ --overwrite_output_dir \ --output_dir ${MODEL_PATH} ``` ### using the following system & software: ``` Transformers: 2.11.0 PyTorch: 1.5.0 TensorFlow: 2.2.0 Python: 3.8.1 OS/Platform: Linux-5.3.0-59-generic-x86_64-with-glibc2.10 CPU/GPU: Intel i9-9900K / NVIDIA Titan RTX 24GB ```
Rostlab/prot_bert_bfd
Rostlab
2020-12-11T21:30:10Z
47,440
15
transformers
[ "transformers", "pytorch", "tf", "fill-mask", "protein language model", "dataset:BFD", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2022-03-02T23:29:04Z
--- language: protein tags: - protein language model datasets: - BFD --- # ProtBert-BFD model Pretrained model on protein sequences using a masked language modeling (MLM) objective. It was introduced in [this paper](https://doi.org/10.1101/2020.07.12.199554) and first released in [this repository](https://github.com/agemagician/ProtTrans). This model is trained on uppercase amino acids: it only works with capital letter amino acids. ## Model description ProtBert-BFD is based on Bert model which pretrained on a large corpus of protein sequences in a self-supervised fashion. This means it was pretrained on the raw protein sequences only, with no humans labelling them in any way (which is why it can use lots of publicly available data) with an automatic process to generate inputs and labels from those protein sequences. One important difference between our Bert model and the original Bert version is the way of dealing with sequences as separate documents This means the Next sentence prediction is not used, as each sequence is treated as a complete document. The masking follows the original Bert training with randomly masks 15% of the amino acids in the input. At the end, the feature extracted from this model revealed that the LM-embeddings from unlabeled data (only protein sequences) captured important biophysical properties governing protein shape. This implied learning some of the grammar of the language of life realized in protein sequences. ## Intended uses & limitations The model could be used for protein feature extraction or to be fine-tuned on downstream tasks. We have noticed in some tasks you could gain more accuracy by fine-tuning the model rather than using it as a feature extractor. ### How to use You can use this model directly with a pipeline for masked language modeling: ```python >>> from transformers import BertForMaskedLM, BertTokenizer, pipeline >>> tokenizer = BertTokenizer.from_pretrained('Rostlab/prot_bert_bfd', do_lower_case=False ) >>> model = BertForMaskedLM.from_pretrained("Rostlab/prot_bert_bfd") >>> unmasker = pipeline('fill-mask', model=model, tokenizer=tokenizer) >>> unmasker('D L I P T S S K L V V [MASK] D T S L Q V K K A F F A L V T') [{'score': 0.1165614128112793, 'sequence': '[CLS] D L I P T S S K L V V L D T S L Q V K K A F F A L V T [SEP]', 'token': 5, 'token_str': 'L'}, {'score': 0.08976086974143982, 'sequence': '[CLS] D L I P T S S K L V V V D T S L Q V K K A F F A L V T [SEP]', 'token': 8, 'token_str': 'V'}, {'score': 0.08864385634660721, 'sequence': '[CLS] D L I P T S S K L V V S D T S L Q V K K A F F A L V T [SEP]', 'token': 10, 'token_str': 'S'}, {'score': 0.06227643042802811, 'sequence': '[CLS] D L I P T S S K L V V A D T S L Q V K K A F F A L V T [SEP]', 'token': 6, 'token_str': 'A'}, {'score': 0.06194969266653061, 'sequence': '[CLS] D L I P T S S K L V V T D T S L Q V K K A F F A L V T [SEP]', 'token': 15, 'token_str': 'T'}] ``` Here is how to use this model to get the features of a given protein sequence in PyTorch: ```python from transformers import BertModel, BertTokenizer import re tokenizer = BertTokenizer.from_pretrained('Rostlab/prot_bert_bfd', do_lower_case=False ) model = BertModel.from_pretrained("Rostlab/prot_bert_bfd") sequence_Example = "A E T C Z A O" sequence_Example = re.sub(r"[UZOB]", "X", sequence_Example) encoded_input = tokenizer(sequence_Example, return_tensors='pt') output = model(**encoded_input) ``` ## Training data The ProtBert-BFD model was pretrained on [BFD](https://bfd.mmseqs.com/), a dataset consisting of 2.1 billion protein sequences. ## Training procedure ### Preprocessing The protein sequences are uppercased and tokenized using a single space and a vocabulary size of 21. The inputs of the model are then of the form: ``` [CLS] Protein Sequence A [SEP] Protein Sequence B [SEP] ``` Furthermore, each protein sequence was treated as a separate document. The preprocessing step was performed twice, once for a combined length (2 sequences) of less than 512 amino acids, and another time using a combined length (2 sequences) of less than 2048 amino acids. The details of the masking procedure for each sequence followed the original Bert model as following: - 15% of the amino acids are masked. - In 80% of the cases, the masked amino acids are replaced by `[MASK]`. - In 10% of the cases, the masked amino acids are replaced by a random amino acid (different) from the one they replace. - In the 10% remaining cases, the masked amino acids are left as is. ### Pretraining The model was trained on a single TPU Pod V3-1024 for one million steps in total. 800k steps using sequence length 512 (batch size 32k), and 200K steps using sequence length 2048 (batch size 6k). The optimizer used is Lamb with a learning rate of 0.002, a weight decay of 0.01, learning rate warmup for 140k steps and linear decay of the learning rate after. ## Evaluation results When fine-tuned on downstream tasks, this model achieves the following results: Test results : | Task/Dataset | secondary structure (3-states) | secondary structure (8-states) | Localization | Membrane | |:-----:|:-----:|:-----:|:-----:|:-----:| | CASP12 | 76 | 65 | | | | TS115 | 84 | 73 | | | | CB513 | 83 | 70 | | | | DeepLoc | | | 78 | 91 | ### BibTeX entry and citation info ```bibtex @article {Elnaggar2020.07.12.199554, author = {Elnaggar, Ahmed and Heinzinger, Michael and Dallago, Christian and Rehawi, Ghalia and Wang, Yu and Jones, Llion and Gibbs, Tom and Feher, Tamas and Angerer, Christoph and Steinegger, Martin and BHOWMIK, DEBSINDHU and Rost, Burkhard}, title = {ProtTrans: Towards Cracking the Language of Life{\textquoteright}s Code Through Self-Supervised Deep Learning and High Performance Computing}, elocation-id = {2020.07.12.199554}, year = {2020}, doi = {10.1101/2020.07.12.199554}, publisher = {Cold Spring Harbor Laboratory}, abstract = {Computational biology and bioinformatics provide vast data gold-mines from protein sequences, ideal for Language Models (LMs) taken from Natural Language Processing (NLP). These LMs reach for new prediction frontiers at low inference costs. Here, we trained two auto-regressive language models (Transformer-XL, XLNet) and two auto-encoder models (Bert, Albert) on data from UniRef and BFD containing up to 393 billion amino acids (words) from 2.1 billion protein sequences (22- and 112 times the entire English Wikipedia). The LMs were trained on the Summit supercomputer at Oak Ridge National Laboratory (ORNL), using 936 nodes (total 5616 GPUs) and one TPU Pod (V3-512 or V3-1024). We validated the advantage of up-scaling LMs to larger models supported by bigger data by predicting secondary structure (3-states: Q3=76-84, 8 states: Q8=65-73), sub-cellular localization for 10 cellular compartments (Q10=74) and whether a protein is membrane-bound or water-soluble (Q2=89). Dimensionality reduction revealed that the LM-embeddings from unlabeled data (only protein sequences) captured important biophysical properties governing protein shape. This implied learning some of the grammar of the language of life realized in protein sequences. The successful up-scaling of protein LMs through HPC to larger data sets slightly reduced the gap between models trained on evolutionary information and LMs. Availability ProtTrans: \&lt;a href="https://github.com/agemagician/ProtTrans"\&gt;https://github.com/agemagician/ProtTrans\&lt;/a\&gt;Competing Interest StatementThe authors have declared no competing interest.}, URL = {https://www.biorxiv.org/content/early/2020/07/21/2020.07.12.199554}, eprint = {https://www.biorxiv.org/content/early/2020/07/21/2020.07.12.199554.full.pdf}, journal = {bioRxiv} } ``` > Created by [Ahmed Elnaggar/@Elnaggar_AI](https://twitter.com/Elnaggar_AI) | [LinkedIn](https://www.linkedin.com/in/prof-ahmed-elnaggar/)
Ogayo/Hel-ach-en
Ogayo
2020-12-11T21:30:01Z
15
0
transformers
[ "transformers", "pytorch", "marian", "text2text-generation", "translation", "ach", "en", "dataset:JW300", "license:cc-by-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
translation
2022-03-02T23:29:04Z
--- language: - ach - en tags: - translation license: cc-by-4.0 datasets: - JW300 metrics: - bleu --- # HEL-ACH-EN ## Model description MT model translating Acholi to English initialized with weights from [opus-mt-luo-en](https://huggingface.co/Helsinki-NLP/opus-mt-luo-en) on HuggingFace. ## Intended uses & limitations Machine Translation experiments. Do not use for sensitive tasks. #### How to use ```python # You can include sample code which will be formatted from transformers import AutoTokenizer, AutoModelForSeq2SeqLM tokenizer = AutoTokenizer.from_pretrained("Ogayo/Hel-ach-en") model = AutoModelForSeq2SeqLM.from_pretrained("Ogayo/Hel-ach-en") ``` #### Limitations and bias Trained on Jehovah Witnesses data so contains theirs and Christian views. ## Training data Trained on OPUS JW300 data. Initialized with weights from [opus-mt-luo-en](https://huggingface.co/Helsinki-NLP/opus-mt-luo-en?text=Bed+gi+nyasi+mar+chieng%27+nyuol+mopong%27+gi+mor%21#model_card) ## Training procedure Remove duplicates and rows with no alphabetic characters. Used GPU ## Eval results testset | BLEU --- | --- JW300.luo.en| 46.1
dbmdz/flair-historic-ner-lft
dbmdz
2020-12-11T10:41:44Z
17
1
flair
[ "flair", "pytorch", "token-classification", "sequence-tagger-model", "de", "license:mit", "region:us" ]
token-classification
2022-03-02T23:29:05Z
--- tags: - flair - token-classification - sequence-tagger-model language: de inference: false license: mit --- # Towards Robust Named Entity Recognition for Historic German Based on [our paper](https://www.aclweb.org/anthology/W19-4312/) we release a new model trained on the LFT dataset. **Note:** We use BPEmbeddings instead of the combination of Wikipedia, Common Crawl and character embeddings (as used in the paper), so save space and training/inferencing time. # Results | Dataset \ Run | Run 1 | Run 2 | Run 3† | Avg. | ------------- | ----- | ----- | --------- | ------------ | Development | 76.32 | 76.13 | **76.36** | 76.27 | Test | 77.07 | 77.35 | 77.20 | 77.21 Paper reported an averaged F1-score of 77.51. † denotes that this model is selected for upload.
stefan-it/flair-ner-conll03
stefan-it
2020-12-11T10:07:20Z
7
0
flair
[ "flair", "pytorch", "sequence-tagger-model", "en", "license:mit", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: en tags: - flair - sequence-tagger-model license: mit --- # CoNLL-2003 NER Model Imported sequence tagger model for Flair, that was trained on English CoNLL-2003 corpus for NER.
google/t5-11b-ssm-wqo
google
2020-12-07T08:47:33Z
0
1
null
[ "en", "dataset:c4", "dataset:wikipedia", "dataset:web_questions", "arxiv:2002.08909", "arxiv:1910.10683", "license:apache-2.0", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: en datasets: - c4 - wikipedia - web_questions license: apache-2.0 --- [Google's T5](https://ai.googleblog.com/2020/02/exploring-transfer-learning-with-t5.html) for **Closed Book Question Answering**. The model was pre-trained using T5's denoising objective on [C4](https://huggingface.co/datasets/c4), subsequently additionally pre-trained using [REALM](https://arxiv.org/pdf/2002.08909.pdf)'s salient span masking objective on [Wikipedia](https://huggingface.co/datasets/wikipedia), and finally fine-tuned on [Web Questions (WQ)](https://huggingface.co/datasets/web_questions). **Note**: The model was fine-tuned on 90% of the train splits of [Web Questions (WQ)](https://huggingface.co/datasets/web_questions) for 20k steps and validated on the held-out 10% of the train split. Other community Checkpoints: [here](https://huggingface.co/models?search=ssm) Paper: [How Much Knowledge Can You Pack Into the Parameters of a Language Model?](https://arxiv.org/abs/1910.10683.pdf) Authors: *Adam Roberts, Colin Raffel, Noam Shazeer* ## Results on Web Questions - Test Set |Id | link | Exact Match | |---|---|---| |**T5-11b**|**https://huggingface.co/google/t5-11b-ssm-wqo**|**40.8**| |T5-xxl|https://huggingface.co/google/t5-xxl-ssm-wqo|42.8| ## Usage The model can be used as follows for **closed book question answering**: ```python from transformers import AutoModelForSeq2SeqLM, AutoTokenizer t5_qa_model = AutoModelForSeq2SeqLM.from_pretrained("google/t5-11b-ssm-wqo") t5_tok = AutoTokenizer.from_pretrained("google/t5-11b-ssm-wqo") input_ids = t5_tok("When was Franklin D. Roosevelt born?", return_tensors="pt").input_ids gen_output = t5_qa_model.generate(input_ids)[0] print(t5_tok.decode(gen_output, skip_special_tokens=True)) ``` ## Abstract It has recently been observed that neural language models trained on unstructured text can implicitly store and retrieve knowledge using natural language queries. In this short paper, we measure the practical utility of this approach by fine-tuning pre-trained models to answer questions without access to any external context or knowledge. We show that this approach scales with model size and performs competitively with open-domain systems that explicitly retrieve answers from an external knowledge source when answering questions. To facilitate reproducibility and future work, we release our code and trained models at https://goo.gle/t5-cbqa. ![model image](https://raw.githubusercontent.com/patrickvonplaten/scientific_images/master/how_much_know_ledge_image.png)
gael1130/gael_first_model
gael1130
2020-12-05T12:54:42Z
0
0
null
[ "region:us" ]
null
2022-03-02T23:29:05Z
I am adding my first README in order to test the interface. How good is it really?
joelniklaus/distilbert-based-german-cased-ler
joelniklaus
2020-11-30T12:52:05Z
5
0
transformers
[ "transformers", "pytorch", "tf", "distilbert", "token-classification", "autotrain_compatible", "endpoints_compatible", "region:us" ]
token-classification
2022-03-02T23:29:05Z
# distilbert-base-german-cased-ler Task: ler Base Model: distilbert-base-german-cased Trained for 3 epochs Batch-size: 12 Seed: 42 Test F1-Score: 0.936
seduerr/t5_base_paws_ger
seduerr
2020-11-30T11:17:06Z
16
0
transformers
[ "transformers", "pytorch", "t5", "text2text-generation", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text2text-generation
2022-03-02T23:29:05Z
# T5 Base with Paraphrases in German Language This T5 base model has been trained with the German part of the PAWS-X data set. It can be used as any T5 model and will generated paraphrases with the prompt keyword: 'paraphrase: '__GermanSentence__ Please contact me, if you need more information ([email protected]). Thank you. Sebastian
sshleifer/distill-pegasus-xsum-16-4
sshleifer
2020-10-14T16:16:54Z
16
3
transformers
[ "transformers", "pytorch", "pegasus", "text2text-generation", "summarization", "en", "arxiv:1912.08777", "autotrain_compatible", "endpoints_compatible", "region:us" ]
summarization
2022-03-02T23:29:05Z
--- language: en tags: - summarization --- ### Pegasus Models See Docs: [here](https://huggingface.co/transformers/master/model_doc/pegasus.html) Original TF 1 code [here](https://github.com/google-research/pegasus) Authors: Jingqing Zhang, Yao Zhao, Mohammad Saleh and Peter J. Liu on Dec 18, 2019 Maintained by: [@sshleifer](https://twitter.com/sam_shleifer) Task: Summarization The following is copied from the authors' README. # Mixed & Stochastic Checkpoints We train a pegasus model with sampled gap sentence ratios on both C4 and HugeNews, and stochastically sample important sentences. The updated the results are reported in this table. | dataset | C4 | HugeNews | Mixed & Stochastic| | ---- | ---- | ---- | ----| | xsum | 45.20/22.06/36.99 | 47.21/24.56/39.25 | 47.60/24.83/39.64| | cnn_dailymail | 43.90/21.20/40.76 | 44.17/21.47/41.11 | 44.16/21.56/41.30| | newsroom | 45.07/33.39/41.28 | 45.15/33.51/41.33 | 45.98/34.20/42.18| | multi_news | 46.74/17.95/24.26 | 47.52/18.72/24.91 | 47.65/18.75/24.95| | gigaword | 38.75/19.96/36.14 | 39.12/19.86/36.24 | 39.65/20.47/36.76| | wikihow | 43.07/19.70/34.79 | 41.35/18.51/33.42 | 46.39/22.12/38.41 *| | reddit_tifu | 26.54/8.94/21.64 | 26.63/9.01/21.60 | 27.99/9.81/22.94| | big_patent | 53.63/33.16/42.25 | 53.41/32.89/42.07 | 52.29/33.08/41.66 *| | arxiv | 44.70/17.27/25.80 | 44.67/17.18/25.73 | 44.21/16.95/25.67| | pubmed | 45.49/19.90/27.69 | 45.09/19.56/27.42 | 45.97/20.15/28.25| | aeslc | 37.69/21.85/36.84 | 37.40/21.22/36.45 | 37.68/21.25/36.51| | billsum | 57.20/39.56/45.80 | 57.31/40.19/45.82 | 59.67/41.58/47.59| The "Mixed & Stochastic" model has the following changes: - trained on both C4 and HugeNews (dataset mixture is weighted by their number of examples). - trained for 1.5M instead of 500k (we observe slower convergence on pretraining perplexity). - the model uniformly sample a gap sentence ratio between 15% and 45%. - importance sentences are sampled using a 20% uniform noise to importance scores. - the sentencepiece tokenizer is updated to be able to encode newline character. (*) the numbers of wikihow and big_patent datasets are not comparable because of change in tokenization and data: - wikihow dataset contains newline characters which is useful for paragraph segmentation, the C4 and HugeNews model's sentencepiece tokenizer doesn't encode newline and loose this information. - we update the BigPatent dataset to preserve casing, some format cleanings are also changed, please refer to change in TFDS. The "Mixed & Stochastic" model has the following changes (from pegasus-large in the paper): trained on both C4 and HugeNews (dataset mixture is weighted by their number of examples). trained for 1.5M instead of 500k (we observe slower convergence on pretraining perplexity). the model uniformly sample a gap sentence ratio between 15% and 45%. importance sentences are sampled using a 20% uniform noise to importance scores. the sentencepiece tokenizer is updated to be able to encode newline character. Citation ``` @misc{zhang2019pegasus, title={PEGASUS: Pre-training with Extracted Gap-sentences for Abstractive Summarization}, author={Jingqing Zhang and Yao Zhao and Mohammad Saleh and Peter J. Liu}, year={2019}, eprint={1912.08777}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
sshleifer/opus-mt-en-he
sshleifer
2020-10-11T17:14:27Z
7
0
transformers
[ "transformers", "pytorch", "marian", "text2text-generation", "translation", "en", "he", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
translation
2022-03-02T23:29:05Z
--- language: - en - he tags: - translation license: apache-2.0 --- ### en-he * source group: English * target group: Hebrew * OPUS readme: [eng-heb](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/eng-heb/README.md) * model: transformer * source language(s): eng * target language(s): heb * model: transformer * pre-processing: normalization + SentencePiece (spm32k,spm32k) * download original weights: [opus-2020-10-04.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-heb/opus-2020-10-04.zip) * test set translations: [opus-2020-10-04.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-heb/opus-2020-10-04.test.txt) * test set scores: [opus-2020-10-04.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/eng-heb/opus-2020-10-04.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.eng.heb | 37.9 | 0.602 | ### System Info: - hf_name: en-he - source_languages: eng - target_languages: heb - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/eng-heb/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['en', 'he'] - src_constituents: ('English', {'eng'}) - tgt_constituents: ('Hebrew', {'heb'}) - src_multilingual: False - tgt_multilingual: False - long_pair: eng-heb - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/eng-heb/opus-2020-10-04.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/eng-heb/opus-2020-10-04.test.txt - src_alpha3: eng - tgt_alpha3: heb - chrF2_score: 0.602 - bleu: 37.9 - brevity_penalty: 1.0 - ref_len: 60359.0 - src_name: English - tgt_name: Hebrew - train_date: 2020-10-04 00:00:00 - src_alpha2: en - tgt_alpha2: he - prefer_old: False - short_pair: en-he - helsinki_git_sha: 7b1a514877868084fd74350d261519e092b5b2dc - transformers_git_sha: 8e58566183ee49f9dbc4819a95a678fcfb1b7528 - port_machine: MacBook-Pro.local - port_time: 2020-10-11-13:07
sshleifer/distill-pegasus-xsum-16-8
sshleifer
2020-10-08T03:05:56Z
50
1
transformers
[ "transformers", "pytorch", "pegasus", "text2text-generation", "summarization", "en", "arxiv:1912.08777", "autotrain_compatible", "endpoints_compatible", "region:us" ]
summarization
2022-03-02T23:29:05Z
--- language: en tags: - summarization --- ### Pegasus Models See Docs: [here](https://huggingface.co/transformers/master/model_doc/pegasus.html) Original TF 1 code [here](https://github.com/google-research/pegasus) Authors: Jingqing Zhang, Yao Zhao, Mohammad Saleh and Peter J. Liu on Dec 18, 2019 Maintained by: [@sshleifer](https://twitter.com/sam_shleifer) Task: Summarization The following is copied from the authors' README. # Mixed & Stochastic Checkpoints We train a pegasus model with sampled gap sentence ratios on both C4 and HugeNews, and stochastically sample important sentences. The updated the results are reported in this table. | dataset | C4 | HugeNews | Mixed & Stochastic| | ---- | ---- | ---- | ----| | xsum | 45.20/22.06/36.99 | 47.21/24.56/39.25 | 47.60/24.83/39.64| | cnn_dailymail | 43.90/21.20/40.76 | 44.17/21.47/41.11 | 44.16/21.56/41.30| | newsroom | 45.07/33.39/41.28 | 45.15/33.51/41.33 | 45.98/34.20/42.18| | multi_news | 46.74/17.95/24.26 | 47.52/18.72/24.91 | 47.65/18.75/24.95| | gigaword | 38.75/19.96/36.14 | 39.12/19.86/36.24 | 39.65/20.47/36.76| | wikihow | 43.07/19.70/34.79 | 41.35/18.51/33.42 | 46.39/22.12/38.41 *| | reddit_tifu | 26.54/8.94/21.64 | 26.63/9.01/21.60 | 27.99/9.81/22.94| | big_patent | 53.63/33.16/42.25 | 53.41/32.89/42.07 | 52.29/33.08/41.66 *| | arxiv | 44.70/17.27/25.80 | 44.67/17.18/25.73 | 44.21/16.95/25.67| | pubmed | 45.49/19.90/27.69 | 45.09/19.56/27.42 | 45.97/20.15/28.25| | aeslc | 37.69/21.85/36.84 | 37.40/21.22/36.45 | 37.68/21.25/36.51| | billsum | 57.20/39.56/45.80 | 57.31/40.19/45.82 | 59.67/41.58/47.59| The "Mixed & Stochastic" model has the following changes: - trained on both C4 and HugeNews (dataset mixture is weighted by their number of examples). - trained for 1.5M instead of 500k (we observe slower convergence on pretraining perplexity). - the model uniformly sample a gap sentence ratio between 15% and 45%. - importance sentences are sampled using a 20% uniform noise to importance scores. - the sentencepiece tokenizer is updated to be able to encode newline character. (*) the numbers of wikihow and big_patent datasets are not comparable because of change in tokenization and data: - wikihow dataset contains newline characters which is useful for paragraph segmentation, the C4 and HugeNews model's sentencepiece tokenizer doesn't encode newline and loose this information. - we update the BigPatent dataset to preserve casing, some format cleanings are also changed, please refer to change in TFDS. The "Mixed & Stochastic" model has the following changes (from pegasus-large in the paper): trained on both C4 and HugeNews (dataset mixture is weighted by their number of examples). trained for 1.5M instead of 500k (we observe slower convergence on pretraining perplexity). the model uniformly sample a gap sentence ratio between 15% and 45%. importance sentences are sampled using a 20% uniform noise to importance scores. the sentencepiece tokenizer is updated to be able to encode newline character. Citation ``` @misc{zhang2019pegasus, title={PEGASUS: Pre-training with Extracted Gap-sentences for Abstractive Summarization}, author={Jingqing Zhang and Yao Zhao and Mohammad Saleh and Peter J. Liu}, year={2019}, eprint={1912.08777}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
sshleifer/distill-pegasus-cnn-16-4
sshleifer
2020-10-08T03:05:37Z
474
4
transformers
[ "transformers", "pytorch", "pegasus", "text2text-generation", "summarization", "en", "arxiv:1912.08777", "autotrain_compatible", "endpoints_compatible", "region:us" ]
summarization
2022-03-02T23:29:05Z
--- language: en tags: - summarization --- ### Pegasus Models See Docs: [here](https://huggingface.co/transformers/master/model_doc/pegasus.html) Original TF 1 code [here](https://github.com/google-research/pegasus) Authors: Jingqing Zhang, Yao Zhao, Mohammad Saleh and Peter J. Liu on Dec 18, 2019 Maintained by: [@sshleifer](https://twitter.com/sam_shleifer) Task: Summarization The following is copied from the authors' README. # Mixed & Stochastic Checkpoints We train a pegasus model with sampled gap sentence ratios on both C4 and HugeNews, and stochastically sample important sentences. The updated the results are reported in this table. | dataset | C4 | HugeNews | Mixed & Stochastic| | ---- | ---- | ---- | ----| | xsum | 45.20/22.06/36.99 | 47.21/24.56/39.25 | 47.60/24.83/39.64| | cnn_dailymail | 43.90/21.20/40.76 | 44.17/21.47/41.11 | 44.16/21.56/41.30| | newsroom | 45.07/33.39/41.28 | 45.15/33.51/41.33 | 45.98/34.20/42.18| | multi_news | 46.74/17.95/24.26 | 47.52/18.72/24.91 | 47.65/18.75/24.95| | gigaword | 38.75/19.96/36.14 | 39.12/19.86/36.24 | 39.65/20.47/36.76| | wikihow | 43.07/19.70/34.79 | 41.35/18.51/33.42 | 46.39/22.12/38.41 *| | reddit_tifu | 26.54/8.94/21.64 | 26.63/9.01/21.60 | 27.99/9.81/22.94| | big_patent | 53.63/33.16/42.25 | 53.41/32.89/42.07 | 52.29/33.08/41.66 *| | arxiv | 44.70/17.27/25.80 | 44.67/17.18/25.73 | 44.21/16.95/25.67| | pubmed | 45.49/19.90/27.69 | 45.09/19.56/27.42 | 45.97/20.15/28.25| | aeslc | 37.69/21.85/36.84 | 37.40/21.22/36.45 | 37.68/21.25/36.51| | billsum | 57.20/39.56/45.80 | 57.31/40.19/45.82 | 59.67/41.58/47.59| The "Mixed & Stochastic" model has the following changes: - trained on both C4 and HugeNews (dataset mixture is weighted by their number of examples). - trained for 1.5M instead of 500k (we observe slower convergence on pretraining perplexity). - the model uniformly sample a gap sentence ratio between 15% and 45%. - importance sentences are sampled using a 20% uniform noise to importance scores. - the sentencepiece tokenizer is updated to be able to encode newline character. (*) the numbers of wikihow and big_patent datasets are not comparable because of change in tokenization and data: - wikihow dataset contains newline characters which is useful for paragraph segmentation, the C4 and HugeNews model's sentencepiece tokenizer doesn't encode newline and loose this information. - we update the BigPatent dataset to preserve casing, some format cleanings are also changed, please refer to change in TFDS. The "Mixed & Stochastic" model has the following changes (from pegasus-large in the paper): trained on both C4 and HugeNews (dataset mixture is weighted by their number of examples). trained for 1.5M instead of 500k (we observe slower convergence on pretraining perplexity). the model uniformly sample a gap sentence ratio between 15% and 45%. importance sentences are sampled using a 20% uniform noise to importance scores. the sentencepiece tokenizer is updated to be able to encode newline character. Citation ``` @misc{zhang2019pegasus, title={PEGASUS: Pre-training with Extracted Gap-sentences for Abstractive Summarization}, author={Jingqing Zhang and Yao Zhao and Mohammad Saleh and Peter J. Liu}, year={2019}, eprint={1912.08777}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
deep-learning-analytics/wikihow-t5-small
deep-learning-analytics
2020-09-09T18:19:54Z
53
3
transformers
[ "transformers", "pytorch", "t5", "text2text-generation", "wikihow", "t5-small", "lm-head", "seq2seq", "pipeline:summarization", "summarization", "eng", "dataset:Wikihow", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
summarization
2022-03-02T23:29:05Z
--- language: "eng" tags: - wikihow - t5-small - pytorch - lm-head - seq2seq - t5 - pipeline:summarization - summarization datasets: - Wikihow widget: - text: "Lack of fluids can lead to dry mouth, which is a leading cause of bad breath. Water can also dilute any chemicals in your mouth or gut that are causing bad breath., Studies show that eating 6 ounces of yogurt a day reduces the level of odor-causing compounds in the mouth. In particular, look for yogurt containing the active bacteria Streptococcus thermophilus or Lactobacillus bulgaricus., The abrasive nature of fibrous fruits and vegetables helps to clean teeth, while the vitamins, antioxidants, and acids they contain improve dental health.Foods that can be particularly helpful include:Apples — Apples contain vitamin C, which is necessary for health gums, as well as malic acid, which helps to whiten teeth.Carrots — Carrots are rich in vitamin A, which strengthens tooth enamel.Celery — Chewing celery produces a lot of saliva, which helps to neutralize bacteria that cause bad breath.Pineapples — Pineapples contain bromelain, an enzyme that cleans the mouth., These teas have been shown to kill the bacteria that cause bad breath and plaque., An upset stomach can lead to burping, which contributes to bad breath. Don’t eat foods that upset your stomach, or if you do, use antacids. If you are lactose intolerant, try lactase tablets., They can all cause bad breath. If you do eat them, bring sugar-free gum or a toothbrush and toothpaste to freshen your mouth afterwards., Diets low in carbohydrates lead to ketosis — a state in which the body burns primarily fat instead of carbohydrates for energy. This may be good for your waistline, but it also produces chemicals called ketones, which contribute to bad breath.To stop the problem, you must change your diet. Or, you can combat the smell in one of these ways:Drink lots of water to dilute the ketones.Chew sugarless gum or suck on sugarless mints.Chew mint leaves." - text: " Bring 1/2 cup water to the boil.Add the fresh or dried rosemary to the water.Remove from the heat. Set aside for 1/2 an hour to infuse. Added flavour can be released by pressing down on the rosemary leaves with a spoon. Add the pieces to the blender or food processor with the elderflower cordial. Blend or process to a purée.,, Add the lemon or lime juice and stir to combine., Add a cover and place in the freezer.After 2 hours, remove from the freezer and break up with a fork. This helps the ice crystals to form properly.Continue doing this every hour until the granita freezes properly. Scoop the granita into dessert bowls and serve. Garnish with a cucumber curl or a small sprig of rosemary." metrics: - Rouge1: 31.2 - RougeL: 24.5 --- # Model name Wikihow T5-small ## Model description This is a T5-small model trained on Wikihow All data set. The model was trained for 3 epochs using a batch size of 16 and learning rate of 3e-4. Max_input_lngth is set as 512 and max_output_length is 150. Model attained a Rouge1 score of 31.2 and RougeL score of 24.5. We have written a blog post that covers the training procedure. Please find it [here](https://medium.com/@priya.dwivedi/fine-tuning-a-t5-transformer-for-any-summarization-task-82334c64c81). ## Usage ``` from transformers import AutoTokenizer, AutoModelWithLMHead tokenizer = AutoTokenizer.from_pretrained("deep-learning-analytics/wikihow-t5-small") model = AutoModelWithLMHead.from_pretrained("deep-learning-analytics/wikihow-t5-small") device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu") model = model.to(device) text = """" Lack of fluids can lead to dry mouth, which is a leading cause of bad breath. Water can also dilute any chemicals in your mouth or gut that are causing bad breath., Studies show that eating 6 ounces of yogurt a day reduces the level of odor-causing compounds in the mouth. In particular, look for yogurt containing the active bacteria Streptococcus thermophilus or Lactobacillus bulgaricus., The abrasive nature of fibrous fruits and vegetables helps to clean teeth, while the vitamins, antioxidants, and acids they contain improve dental health.Foods that can be particularly helpful include:Apples — Apples contain vitamin C, which is necessary for health gums, as well as malic acid, which helps to whiten teeth.Carrots — Carrots are rich in vitamin A, which strengthens tooth enamel.Celery — Chewing celery produces a lot of saliva, which helps to neutralize bacteria that cause bad breath.Pineapples — Pineapples contain bromelain, an enzyme that cleans the mouth., These teas have been shown to kill the bacteria that cause bad breath and plaque., An upset stomach can lead to burping, which contributes to bad breath. Don’t eat foods that upset your stomach, or if you do, use antacids. If you are lactose intolerant, try lactase tablets., They can all cause bad breath. If you do eat them, bring sugar-free gum or a toothbrush and toothpaste to freshen your mouth afterwards., Diets low in carbohydrates lead to ketosis — a state in which the body burns primarily fat instead of carbohydrates for energy. This may be good for your waistline, but it also produces chemicals called ketones, which contribute to bad breath.To stop the problem, you must change your diet. Or, you can combat the smell in one of these ways:Drink lots of water to dilute the ketones.Chew sugarless gum or suck on sugarless mints.Chew mint leaves. """ preprocess_text = text.strip().replace("\n","") tokenized_text = tokenizer.encode(preprocess_text, return_tensors="pt").to(device) summary_ids = model.generate( tokenized_text, max_length=150, num_beams=2, repetition_penalty=2.5, length_penalty=1.0, early_stopping=True ) output = tokenizer.decode(summary_ids[0], skip_special_tokens=True) print ("\n\nSummarized text: \n",output) ```
Capreolus/electra-base-msmarco
Capreolus
2020-09-08T14:53:10Z
9
1
transformers
[ "transformers", "pytorch", "tf", "electra", "text-classification", "arxiv:2008.09093", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-03-02T23:29:04Z
# capreolus/electra-base-msmarco ## Model description ELECTRA-Base model (`google/electra-base-discriminator`) fine-tuned on the MS MARCO passage classification task. It is intended to be used as a `ForSequenceClassification` model, but requires some modification since it contains a BERT classification head rather than the standard ELECTRA classification head. See the [TFElectraRelevanceHead](https://github.com/capreolus-ir/capreolus/blob/master/capreolus/reranker/TFBERTMaxP.py) in the Capreolus BERT-MaxP implementation for a usage example. This corresponds to the ELECTRA-Base model used to initialize PARADE (ELECTRA) in [PARADE: Passage Representation Aggregation for Document Reranking](https://arxiv.org/abs/2008.09093) by Li et al. It was converted from the released [TFv1 checkpoint](https://zenodo.org/record/3974431/files/vanilla_electra_base_on_MSMARCO.tar.gz). Please cite the PARADE paper if you use these weights.
ishan/distilbert-base-uncased-mnli
ishan
2020-08-21T10:23:40Z
10
1
transformers
[ "transformers", "pytorch", "distilbert", "text-classification", "en", "dataset:MNLI", "arxiv:1810.04805", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-03-02T23:29:05Z
--- language: en thumbnail: tags: - pytorch - text-classification datasets: - MNLI --- # distilbert-base-uncased finetuned on MNLI ## Model Details and Training Data We used the pretrained model from [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) and finetuned it on [MultiNLI](https://cims.nyu.edu/~sbowman/multinli/) dataset. The training parameters were kept the same as [Devlin et al., 2019](https://arxiv.org/abs/1810.04805) (learning rate = 2e-5, training epochs = 3, max_sequence_len = 128 and batch_size = 32). ## Evaluation Results The evaluation results are mentioned in the table below. | Test Corpus | Accuracy | |:---:|:---------:| | Matched | 0.8223 | | Mismatched | 0.8216 |
sampathkethineedi/industry-classification
sampathkethineedi
2020-07-16T15:27:38Z
1,545
22
transformers
[ "transformers", "pytorch", "tf", "distilbert", "text-classification", "tensorflow", "industry", "buisiness", "description", "multi-class", "classification", "en", "autotrain_compatible", "region:us" ]
text-classification
2022-03-02T23:29:05Z
--- language: "en" thumbnail: "https://huggingface.co/sampathkethineedi" tags: - distilbert - pytorch - tensorflow - text-classification - industry - buisiness - description - multi-class - classification liscence: "mit" inference: false --- # industry-classification ## Model description DistilBERT Model to classify a business description into one of **62 industry tags**. Trained on 7000 samples of Business Descriptions and associated labels of companies in India. ## How to use PyTorch and TF models available ```python from transformers import AutoTokenizer, AutoModelForSequenceClassification, pipeline tokenizer = AutoTokenizer.from_pretrained("sampathkethineedi/industry-classification") model = AutoModelForSequenceClassification.from_pretrained("sampathkethineedi/industry-classification") industry_tags = pipeline('sentiment-analysis', model=model, tokenizer=tokenizer) industry_tags("Stellar Capital Services Limited is an India-based non-banking financial company ... loan against property, management consultancy, personal loans and unsecured loans.") '''Ouput''' [{'label': 'Consumer Finance', 'score': 0.9841355681419373}] ``` ## Limitations and bias Training data is only for Indian companies
textattack/albert-base-v2-ag-news
textattack
2020-07-07T21:59:15Z
53
0
transformers
[ "transformers", "pytorch", "albert", "text-classification", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-03-02T23:29:05Z
## TextAttack Model CardThis `albert-base-v2` model was fine-tuned for sequence classification using TextAttack and the ag_news dataset loaded using the `nlp` library. The model was fine-tuned for 5 epochs with a batch size of 16, a learning rate of 2e-05, and a maximum sequence length of 128. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.9471052631578948, as measured by the eval set accuracy, found after 3 epochs. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/distilbert-base-cased-snli
textattack
2020-07-06T16:37:00Z
6
0
transformers
[ "transformers", "pytorch", "distilbert", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
## TextAttack Model Card This `distilbert-base-cased` model was fine-tuned for sequence classificationusing TextAttack and the snli dataset loaded using the `nlp` library. The model was fine-tuned for 3 epochs with a batch size of 256, a learning rate of 2e-05, and a maximum sequence length of 128. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.8768542979069295, as measured by the eval set accuracy, found after 2 epochs. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/albert-base-v2-snli
textattack
2020-07-06T16:36:47Z
10
1
transformers
[ "transformers", "pytorch", "albert", "text-classification", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-03-02T23:29:05Z
## TextAttack Model Card This `albert-base-v2` model was fine-tuned for sequence classification using TextAttack and the snli dataset loaded using the `nlp` library. The model was fine-tuned for 5 epochs with a batch size of 64, a learning rate of 2e-05, and a maximum sequence length of 64. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.9060150375939849, as measured by the eval set accuracy, found after 2 epochs. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/xlnet-base-cased-rotten-tomatoes
textattack
2020-07-06T16:36:38Z
10
0
transformers
[ "transformers", "pytorch", "xlnet", "text-generation", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-generation
2022-03-02T23:29:05Z
## TextAttack Model Card This `xlnet-base-cased` model was fine-tuned for sequence classification using TextAttack and the rotten_tomatoes dataset loaded using the `nlp` library. The model was fine-tuned for 5 epochs with a batch size of 16, a learning rate of 2e-05, and a maximum sequence length of 128. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.9071294559099438, as measured by the eval set accuracy, found after 2 epochs. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/distilbert-base-uncased-rotten-tomatoes
textattack
2020-07-06T16:36:02Z
91
0
transformers
[ "transformers", "pytorch", "distilbert", "text-classification", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-03-02T23:29:05Z
## TextAttack Model Card This `distilbert-base-uncased` model was fine-tuned for sequence classificationusing TextAttack and the rotten_tomatoes dataset loaded using the `nlp` library. The model was fine-tuned for 3 epochs with a batch size of 128, a learning rate of 1e-05, and a maximum sequence length of 128. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.8395872420262664, as measured by the eval set accuracy, found after 2 epochs. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/distilbert-base-uncased-imdb
textattack
2020-07-06T16:34:50Z
318
0
transformers
[ "transformers", "pytorch", "distilbert", "text-classification", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-03-02T23:29:05Z
## TextAttack Model Card This `distilbert-base-uncased` model was fine-tuned for sequence classification using TextAttack and the imdb dataset loaded using the `nlp` library. The model was fine-tuned for 5 epochs with a batch size of 16, a learning rate of 2e-05, and a maximum sequence length of 128. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.88, as measured by the eval set accuracy, found after 2 epochs. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/xlnet-base-cased-WNLI
textattack
2020-07-06T16:34:15Z
4
0
transformers
[ "transformers", "pytorch", "xlnet", "text-generation", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-generation
2022-03-02T23:29:05Z
## TextAttack Model Card This `xlnet-base-cased` model was fine-tuned for sequence classification using TextAttack and the glue dataset loaded using the `nlp` library. The model was fine-tuned for 5 epochs with a batch size of 16, a learning rate of 3e-05, and a maximum sequence length of 256. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.5774647887323944, as measured by the eval set accuracy, found after 0 epoch. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/distilbert-base-uncased-WNLI
textattack
2020-07-06T16:33:44Z
11
0
transformers
[ "transformers", "pytorch", "distilbert", "text-classification", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-03-02T23:29:05Z
## TextAttack Model Card This `distilbert-base-uncased` model was fine-tuned for sequence classification using TextAttack and the glue dataset loaded using the `nlp` library. The model was fine-tuned for 5 epochs with a batch size of 128, a learning rate of 2e-05, and a maximum sequence length of 256. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.5633802816901409, as measured by the eval set accuracy, found after 0 epoch. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/xlnet-base-cased-STS-B
textattack
2020-07-06T16:33:08Z
10
0
transformers
[ "transformers", "pytorch", "xlnet", "text-generation", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-generation
2022-03-02T23:29:05Z
## TextAttack Model Card This `xlnet-base-cased` model was fine-tuned for sequence classification using TextAttack and the glue dataset loaded using the `nlp` library. The model was fine-tuned for 5 epochs with a batch size of 8, a learning rate of 5e-05, and a maximum sequence length of 128. Since this was a regression task, the model was trained with a mean squared error loss function. The best score the model achieved on this task was 0.8892630070017784, as measured by the eval set pearson correlation, found after 4 epochs. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/albert-base-v2-STS-B
textattack
2020-07-06T16:32:24Z
5
0
transformers
[ "transformers", "pytorch", "albert", "text-classification", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-03-02T23:29:05Z
## TextAttack Model Card This `albert-base-v2` model was fine-tuned for sequence classification using TextAttack and the glue dataset loaded using the `nlp` library. The model was fine-tuned for 5 epochs with a batch size of 32, a learning rate of 3e-05, and a maximum sequence length of 128. Since this was a regression task, the model was trained with a mean squared error loss function. The best score the model achieved on this task was 0.9064220351504577, as measured by the eval set pearson correlation, found after 3 epochs. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/xlnet-base-cased-RTE
textattack
2020-07-06T16:32:05Z
5
0
transformers
[ "transformers", "pytorch", "xlnet", "text-generation", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-generation
2022-03-02T23:29:05Z
## TextAttack Model Card This `xlnet-base-cased` model was fine-tuned for sequence classification using TextAttack and the glue dataset loaded using the `nlp` library. The model was fine-tuned for 5 epochs with a batch size of 16, a learning rate of 2e-05, and a maximum sequence length of 128. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.7111913357400722, as measured by the eval set accuracy, found after 3 epochs. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/distilbert-base-uncased-CoLA
textattack
2020-07-06T16:29:03Z
3,039
3
transformers
[ "transformers", "pytorch", "distilbert", "text-classification", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-03-02T23:29:05Z
## TextAttack Model Cardand the glue dataset loaded using the `nlp` library. The model was fine-tuned for 5 epochs with a batch size of 64, a learning rate of 3e-05, and a maximum sequence length of 128. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.8235858101629914, as measured by the eval set accuracy, found after 2 epochs. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
textattack/albert-base-v2-rotten_tomatoes
textattack
2020-06-25T20:00:46Z
25
0
transformers
[ "transformers", "pytorch", "tensorboard", "albert", "fill-mask", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2022-03-02T23:29:05Z
## albert-base-v2 fine-tuned with TextAttack on the rotten_tomatoes dataset This `albert-base-v2` model was fine-tuned for sequence classificationusing TextAttack and the rotten_tomatoes dataset loaded using the `nlp` library. The model was fine-tuned for 10 epochs with a batch size of 128, a learning rate of 2e-05, and a maximum sequence length of 128. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.8855534709193246, as measured by the eval set accuracy, found after 1 epoch. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
uniswap/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-foraging_grassy_cassowary
uniswap
2025-07-31T18:27:55Z
95
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am foraging_grassy_cassowary", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-25T22:32:12Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/uniswap/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-foraging_grassy_cassowary/0ad00e829ca50ab58cc10b43bc6b556195f705c4/README.md?%2Funiswap%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-foraging_grassy_cassowary%2Fresolve%2Fmain%2FREADME.md=&etag=%22ea9427a79c56c101bbebf7ef1d2ffecf180b0e40%22
Gorbako/Qwen3-0.6B-Gensyn-Swarm-foxy_tropical_wolf
Gorbako
2025-07-31T18:27:51Z
100
0
transformers
[ "transformers", "safetensors", "qwen3", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am foxy_tropical_wolf", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-28T17:13:54Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/Gorbako/Qwen3-0.6B-Gensyn-Swarm-foxy_tropical_wolf/67ca2e070140927c7179d1926b59e765265fa1be/README.md?%2FGorbako%2FQwen3-0.6B-Gensyn-Swarm-foxy_tropical_wolf%2Fresolve%2Fmain%2FREADME.md=&etag=%222eeb6488ac7783dcda79fead7436d6c5f69f3262%22
Mioku/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-tangled_clawed_kangaroo
Mioku
2025-07-31T18:27:37Z
99
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am tangled_clawed_kangaroo", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-28T18:57:07Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/Mioku/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-tangled_clawed_kangaroo/ff930557285ee69e070da14fb3e31e63ae54480f/README.md?%2FMioku%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-tangled_clawed_kangaroo%2Fresolve%2Fmain%2FREADME.md=&etag=%22a12b984fc1384438c833b0c6d55c43264fbd5b59%22
okuzarabasi/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-grunting_toothy_elk
okuzarabasi
2025-07-31T18:27:32Z
25
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "generated_from_trainer", "rl-swarm", "grpo", "gensyn", "I am grunting toothy elk", "unsloth", "trl", "genrl-swarm", "I am grunting_toothy_elk", "conversational", "arxiv:2402.03300", "base_model:Gensyn/Qwen2.5-0.5B-Instruct", "base_model:finetune:Gensyn/Qwen2.5-0.5B-Instruct", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-05-04T04:34:50Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/okuzarabasi/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-grunting_toothy_elk/5b3aabbfd56b8b806c8e6f154ed8dcc395482347/README.md?%2Fokuzarabasi%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-grunting_toothy_elk%2Fresolve%2Fmain%2FREADME.md=&etag=%227cff0cff561c2224243d797fa7cba469a6f388dc%22
krdollarsignn/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-barky_whiskered_panther
krdollarsignn
2025-07-31T18:27:23Z
96
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am barky_whiskered_panther", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-29T07:29:08Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/krdollarsignn/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-barky_whiskered_panther/9346d57ca137948660f5e639f39ca62fade02656/README.md?%2Fkrdollarsignn%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-barky_whiskered_panther%2Fresolve%2Fmain%2FREADME.md=&etag=%222c48a6ebf6571aa8f6e44a750bd45396e0d4cdaa%22
neon-invisible-man/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-voracious_invisible_ostrich
neon-invisible-man
2025-07-31T18:27:11Z
103
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am voracious_invisible_ostrich", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-15T06:16:56Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/neon-invisible-man/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-voracious_invisible_ostrich/c24306ca381c8e91e34e066b0e4ac25e46051e9d/README.md?%2Fneon-invisible-man%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-voracious_invisible_ostrich%2Fresolve%2Fmain%2FREADME.md=&etag=%22112f02fb64ca8dc002773ae6127e4ebea97fb9c3%22
DevQuasar/ai21labs.AI21-Jamba-Large-1.7-GGUF
DevQuasar
2025-07-31T18:27:02Z
0
0
null
[ "gguf", "text-generation", "base_model:ai21labs/AI21-Jamba-Large-1.7", "base_model:quantized:ai21labs/AI21-Jamba-Large-1.7", "endpoints_compatible", "region:us", "conversational" ]
text-generation
2025-07-31T05:15:38Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/DevQuasar/ai21labs.AI21-Jamba-Large-1.7-GGUF/8743e81c5cb5595962d1e4e3d86f211a40c1aa29/README.md?%2FDevQuasar%2Fai21labs.AI21-Jamba-Large-1.7-GGUF%2Fresolve%2Fmain%2FREADME.md=&etag=%22fddd89a74fb809f4b1c0006a35b2338d3619912b%22
hazentr/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-quick_timid_frog
hazentr
2025-07-31T18:26:55Z
13
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "generated_from_trainer", "gensyn", "trl", "rl-swarm", "I am quick timid frog", "grpo", "genrl-swarm", "I am quick_timid_frog", "conversational", "arxiv:2402.03300", "base_model:unsloth/Qwen2.5-0.5B-Instruct", "base_model:finetune:unsloth/Qwen2.5-0.5B-Instruct", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-04-03T11:15:12Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/hazentr/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-quick_timid_frog/6e8fcd84b3de2a8b5ff9989b206158ed6bb2832b/README.md?%2Fhazentr%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-quick_timid_frog%2Fresolve%2Fmain%2FREADME.md=&etag=%220b7f08d43ea3b41a7c43f9338c13f0a229ca8d70%22
hazentr/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-roaring_colorful_buffalo
hazentr
2025-07-31T18:26:55Z
11
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "generated_from_trainer", "rl-swarm", "grpo", "gensyn", "I am roaring colorful buffalo", "trl", "genrl-swarm", "I am roaring_colorful_buffalo", "conversational", "arxiv:2402.03300", "base_model:unsloth/Qwen2.5-0.5B-Instruct", "base_model:finetune:unsloth/Qwen2.5-0.5B-Instruct", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-04-03T12:28:07Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/hazentr/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-roaring_colorful_buffalo/743fcf85a90ae46414e6c51822eca11c4e77d6ba/README.md?%2Fhazentr%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-roaring_colorful_buffalo%2Fresolve%2Fmain%2FREADME.md=&etag=%2254270661dc6d37900d04a8a38bd7ea28aa962932%22
nicola1988/Qwen3-0.6B-Gensyn-Swarm-timid_playful_mink
nicola1988
2025-07-31T18:26:31Z
106
0
transformers
[ "transformers", "safetensors", "qwen3", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am timid_playful_mink", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-21T08:41:50Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/nicola1988/Qwen3-0.6B-Gensyn-Swarm-timid_playful_mink/a2164af6a1df3510e1e608a7264579c80aeafdc5/README.md?%2Fnicola1988%2FQwen3-0.6B-Gensyn-Swarm-timid_playful_mink%2Fresolve%2Fmain%2FREADME.md=&etag=%2235170812c68c56bdd8c9516845310cb9c641f3ad%22
Olivier/gemma-2-2B-it-thinking-function_calling-HFC
Olivier
2025-07-31T18:26:22Z
0
0
transformers
[ "transformers", "tensorboard", "safetensors", "generated_from_trainer", "trl", "sft", "base_model:google/gemma-2-2b-it", "base_model:finetune:google/gemma-2-2b-it", "endpoints_compatible", "region:us" ]
null
2025-07-31T18:24:13Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/Olivier/gemma-2-2B-it-thinking-function_calling-HFC/990e34ad19d30205d7ab084758d9870f0ca499bd/README.md?%2FOlivier%2Fgemma-2-2B-it-thinking-function_calling-HFC%2Fresolve%2Fmain%2FREADME.md=&etag=%226c59789844268374e31a57fb21edb08ed2c4dcd0%22
bapi2025/Qwen3-0.6B-Gensyn-Swarm-skilled_huge_goat
bapi2025
2025-07-31T18:26:05Z
97
0
transformers
[ "transformers", "safetensors", "qwen3", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am skilled_huge_goat", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-27T04:54:50Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/bapi2025/Qwen3-0.6B-Gensyn-Swarm-skilled_huge_goat/05ea2ef792b3126a04a7e74ab741c1c1fbbd6dd3/README.md?%2Fbapi2025%2FQwen3-0.6B-Gensyn-Swarm-skilled_huge_goat%2Fresolve%2Fmain%2FREADME.md=&etag=%2220b747018894d655f525e6246e09567ddebefeb8%22
Henkidu/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-quiet_deadly_salmon
Henkidu
2025-07-31T18:25:18Z
26
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "generated_from_trainer", "rl-swarm", "grpo", "gensyn", "I am quiet deadly salmon", "trl", "genrl-swarm", "I am quiet_deadly_salmon", "conversational", "arxiv:2402.03300", "base_model:unsloth/Qwen2.5-0.5B-Instruct", "base_model:finetune:unsloth/Qwen2.5-0.5B-Instruct", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-04-18T10:56:15Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/Henkidu/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-quiet_deadly_salmon/6768461e0e779db05835b34d7c074ea5722f55bc/README.md?%2FHenkidu%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-quiet_deadly_salmon%2Fresolve%2Fmain%2FREADME.md=&etag=%225f35d3a50f5c891da3c6d6e2c109e076d64cf4af%22
AlexanderArtT/Qwen3-0.6B-Gensyn-Swarm-tiny_nimble_warthog
AlexanderArtT
2025-07-31T18:25:17Z
114
0
transformers
[ "transformers", "safetensors", "qwen3", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am tiny_nimble_warthog", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-02T19:03:52Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/AlexanderArtT/Qwen3-0.6B-Gensyn-Swarm-tiny_nimble_warthog/c8a58d9b955a31f9f81f15e05819103d90d318f9/README.md?%2FAlexanderArtT%2FQwen3-0.6B-Gensyn-Swarm-tiny_nimble_warthog%2Fresolve%2Fmain%2FREADME.md=&etag=%22d9690ce7a7bcf87a295212007a5019c4f048382f%22
hazentr/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-slender_grunting_koala
hazentr
2025-07-31T18:25:13Z
9
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "generated_from_trainer", "rl-swarm", "trl", "gensyn", "grpo", "I am slender grunting koala", "genrl-swarm", "I am slender_grunting_koala", "conversational", "arxiv:2402.03300", "base_model:unsloth/Qwen2.5-0.5B-Instruct", "base_model:finetune:unsloth/Qwen2.5-0.5B-Instruct", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-04-02T16:33:05Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/hazentr/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-slender_grunting_koala/ef9d112fc23d90d785afd18f95097e51b574b012/README.md?%2Fhazentr%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-slender_grunting_koala%2Fresolve%2Fmain%2FREADME.md=&etag=%22cfc17d5f870c187e263ec1e5a310feb08f0e3d53%22
Donchocho/Qwen3-0.6B-Gensyn-Swarm-graceful_tricky_dolphin
Donchocho
2025-07-31T18:25:06Z
23
0
transformers
[ "transformers", "safetensors", "qwen3", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am graceful_tricky_dolphin", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-30T13:49:19Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/Donchocho/Qwen3-0.6B-Gensyn-Swarm-graceful_tricky_dolphin/11999e8ffe82daaba2ddf3d313333388b01f3d1d/README.md?%2FDonchocho%2FQwen3-0.6B-Gensyn-Swarm-graceful_tricky_dolphin%2Fresolve%2Fmain%2FREADME.md=&etag=%220bab4d0e59438181f3a6d424a0c7bd405920d624%22
genies-llm/text2sql-grpo-intermediate-reward-h100-2
genies-llm
2025-07-31T18:25:00Z
4
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "generated_from_trainer", "open-r1", "trl", "grpo", "conversational", "dataset:Genies/text2sql-grpo-d0", "arxiv:2402.03300", "base_model:Qwen/Qwen2.5-Coder-7B-Instruct", "base_model:finetune:Qwen/Qwen2.5-Coder-7B-Instruct", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-28T07:53:17Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/genies-llm/text2sql-grpo-intermediate-reward-h100-2/ae0a92170f2f2acbe215d992ce3b049135e0749a/README.md?%2Fgenies-llm%2Ftext2sql-grpo-intermediate-reward-h100-2%2Fresolve%2Fmain%2FREADME.md=&etag=%2296fdaa5234530cfe4e870a69ce720a0c816b223b%22
hakan35/Qwen3-0.6B-Gensyn-Swarm-bold_gregarious_squirrel
hakan35
2025-07-31T18:24:37Z
95
0
transformers
[ "transformers", "safetensors", "qwen3", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am bold_gregarious_squirrel", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-11T19:13:26Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/hakan35/Qwen3-0.6B-Gensyn-Swarm-bold_gregarious_squirrel/bf9cb95944a7828b9d3ce48835d3c6cf40ef3a5a/README.md?%2Fhakan35%2FQwen3-0.6B-Gensyn-Swarm-bold_gregarious_squirrel%2Fresolve%2Fmain%2FREADME.md=&etag=%222814c8acc5f68801dce2127b662281000ff3334f%22
robosun78/task-37-Qwen-Qwen2.5-7B-Instruct
robosun78
2025-07-31T18:24:37Z
32
0
peft
[ "peft", "safetensors", "arxiv:1910.09700", "base_model:Qwen/Qwen2.5-7B-Instruct", "base_model:adapter:Qwen/Qwen2.5-7B-Instruct", "region:us" ]
null
2025-07-30T12:14:45Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/robosun78/task-37-Qwen-Qwen2.5-7B-Instruct/dc125b9f17a990e18fd59533e49489ab0d7da220/README.md?%2Frobosun78%2Ftask-37-Qwen-Qwen2.5-7B-Instruct%2Fresolve%2Fmain%2FREADME.md=&etag=%22954312148d0245ddbc6f4ebc3b636516ba50fa17%22
JoelMah/Qwen3-0.6B-Gensyn-Swarm-domestic_aquatic_mink
JoelMah
2025-07-31T18:24:36Z
24
0
transformers
[ "transformers", "safetensors", "qwen3", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am domestic_aquatic_mink", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-31T02:35:38Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/JoelMah/Qwen3-0.6B-Gensyn-Swarm-domestic_aquatic_mink/a33882dc9090406432a976edb3f1e4d055d44a2e/README.md?%2FJoelMah%2FQwen3-0.6B-Gensyn-Swarm-domestic_aquatic_mink%2Fresolve%2Fmain%2FREADME.md=&etag=%221aeb283e5eda1c3c984641505ad63f806ada54b6%22
Ver-Video-Laura-Mendoza-y-Tio-Colocho/VER.laura.mendoza.y.tio.colocho.que.paso.video.lluvia.polemica.viral
Ver-Video-Laura-Mendoza-y-Tio-Colocho
2025-07-31T18:24:03Z
0
0
null
[ "region:us" ]
null
2025-07-31T18:23:42Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/Ver-Video-Laura-Mendoza-y-Tio-Colocho/VER.laura.mendoza.y.tio.colocho.que.paso.video.lluvia.polemica.viral/544db91d7d9ac760bb0ec3d77d2952e7f4947a72/README.md?%2FVer-Video-Laura-Mendoza-y-Tio-Colocho%2FVER.laura.mendoza.y.tio.colocho.que.paso.video.lluvia.polemica.viral%2Fresolve%2Fmain%2FREADME.md=&etag=%22315a968773b5743e458e4f91e5003883feb92054%22
JoelMah/Qwen3-0.6B-Gensyn-Swarm-foraging_fanged_rabbit
JoelMah
2025-07-31T18:23:58Z
12
0
transformers
[ "transformers", "safetensors", "qwen3", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am foraging_fanged_rabbit", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-31T02:36:46Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/JoelMah/Qwen3-0.6B-Gensyn-Swarm-foraging_fanged_rabbit/0bf8ec9ed09eaee7c9a97994560223071d83f744/README.md?%2FJoelMah%2FQwen3-0.6B-Gensyn-Swarm-foraging_fanged_rabbit%2Fresolve%2Fmain%2FREADME.md=&etag=%2260048bd624d9510cc1fff58abd5fff5198852a7a%22
omarabb315/TTS_orpheus-3b
omarabb315
2025-07-31T18:23:54Z
144
0
transformers
[ "transformers", "tensorboard", "safetensors", "llama", "text-generation", "unsloth", "conversational", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-06-19T10:57:33Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/omarabb315/TTS_orpheus-3b/16303e5f5f049ed9f0bc788e9593bdbe4254a578/README.md?%2Fomarabb315%2FTTS_orpheus-3b%2Fresolve%2Fmain%2FREADME.md=&etag=%22b7441640181b06c90effb718230b043e35476812%22
JoelMah/Qwen3-0.6B-Gensyn-Swarm-fleecy_climbing_bison
JoelMah
2025-07-31T18:23:46Z
18
0
transformers
[ "transformers", "safetensors", "qwen3", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am fleecy_climbing_bison", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-31T02:36:53Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/JoelMah/Qwen3-0.6B-Gensyn-Swarm-fleecy_climbing_bison/4f90830055da92b3e7b0a79cef44ced99b541c7e/README.md?%2FJoelMah%2FQwen3-0.6B-Gensyn-Swarm-fleecy_climbing_bison%2Fresolve%2Fmain%2FREADME.md=&etag=%22ccc8a127e04227b03fe02d7bc337d719d2492992%22
skyskyyin/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-hulking_stealthy_dog
skyskyyin
2025-07-31T18:23:42Z
96
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am hulking_stealthy_dog", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-29T19:38:58Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/skyskyyin/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-hulking_stealthy_dog/12f40f3e06885d71d7080616284aefca8ed035fa/README.md?%2Fskyskyyin%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-hulking_stealthy_dog%2Fresolve%2Fmain%2FREADME.md=&etag=%22075417cf7dd7e3818ad1cfe90b177666fc08bfac%22
shapka187/Qwen2.5-0.5B-Gensyn-Swarm-docile_lanky_gibbon
shapka187
2025-07-31T18:23:39Z
110
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am docile_lanky_gibbon", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-03T07:10:29Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/shapka187/Qwen2.5-0.5B-Gensyn-Swarm-docile_lanky_gibbon/e95287034dd7a7f526f634de39fbc6c31f3b4912/README.md?%2Fshapka187%2FQwen2.5-0.5B-Gensyn-Swarm-docile_lanky_gibbon%2Fresolve%2Fmain%2FREADME.md=&etag=%22b18e54a2d7638bcb5a58334d31c58ea689c04cae%22
akdevelopers1/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-omnivorous_domestic_trout
akdevelopers1
2025-07-31T18:23:27Z
103
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am omnivorous_domestic_trout", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-10T15:41:13Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/akdevelopers1/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-omnivorous_domestic_trout/4f5239737da2c16fb56b550aec28455ba1685bd3/README.md?%2Fakdevelopers1%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-omnivorous_domestic_trout%2Fresolve%2Fmain%2FREADME.md=&etag=%2209c47aea134a8ad77321eec8eb2ee5c09dd5ab09%22
Abdulmateen/llava-finetuned
Abdulmateen
2025-07-31T18:23:25Z
2
0
peft
[ "peft", "safetensors", "llava_llama", "arxiv:1910.09700", "base_model:liuhaotian/llava-v1.5-7b", "base_model:adapter:liuhaotian/llava-v1.5-7b", "endpoints_compatible", "region:us" ]
null
2025-07-30T20:32:09Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/Abdulmateen/llava-finetuned/08428275481c97bd35bf666860a4ac4e05860f99/README.md?%2FAbdulmateen%2Fllava-finetuned%2Fresolve%2Fmain%2FREADME.md=&etag=%22857411c3c4bf6826c3bb3b2bbbb6c44b8462a8a4%22
helly777/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-pudgy_dormant_salmon
helly777
2025-07-31T18:23:20Z
99
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am pudgy_dormant_salmon", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-19T08:36:04Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/helly777/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-pudgy_dormant_salmon/873bf442ffb45ded5497a344e6577e4a636cb6f8/README.md?%2Fhelly777%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-pudgy_dormant_salmon%2Fresolve%2Fmain%2FREADME.md=&etag=%22a552cdbc206e93a3fbab625da42101fa4f2566b1%22
ypwang61/test_7b
ypwang61
2025-07-31T18:23:19Z
0
0
null
[ "safetensors", "qwen2", "license:apache-2.0", "region:us" ]
null
2025-07-31T18:18:04Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/ypwang61/test_7b/7151108dee8a270fa3317c39f698e51e01fa88b4/README.md?%2Fypwang61%2Ftest_7b%2Fresolve%2Fmain%2FREADME.md=&etag=%227b95401dc46245ac339fc25059d4a56d90b4cde5%22
mradermacher/PatriSlush-DarkRPMax-12B-i1-GGUF
mradermacher
2025-07-31T18:23:10Z
0
0
transformers
[ "transformers", "gguf", "mergekit", "merge", "en", "base_model:pot99rta/PatriSlush-DarkRPMax-12B", "base_model:quantized:pot99rta/PatriSlush-DarkRPMax-12B", "endpoints_compatible", "region:us", "imatrix" ]
null
2025-07-31T12:22:52Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/mradermacher/PatriSlush-DarkRPMax-12B-i1-GGUF/ddc2614ac3b9c31ad9ff631f999ffc78451df10b/README.md?%2Fmradermacher%2FPatriSlush-DarkRPMax-12B-i1-GGUF%2Fresolve%2Fmain%2FREADME.md=&etag=%227484e4e62110d9766d924e6ae054784371567010%22
kagvi13/HMP
kagvi13
2025-07-31T18:23:04Z
0
0
custom
[ "custom", "hmp", "cognitive-architecture", "distributed-ai", "mesh-protocol", "ru", "license:cc-by-4.0", "region:us" ]
null
2025-07-25T12:21:44Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/kagvi13/HMP/b8989d25463aa972864e4358f7f5607681b7b23b/README.md?%2Fkagvi13%2FHMP%2Fresolve%2Fmain%2FREADME.md=&etag=%22fcadb635d71919125970b96b589efe69b957bffe%22
staffpjp/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-wily_hunting_monkey
staffpjp
2025-07-31T18:22:51Z
92
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am wily_hunting_monkey", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-13T07:58:30Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/staffpjp/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-wily_hunting_monkey/2e3d537fa02b4be721d8db48e94613534fcaa59f/README.md?%2Fstaffpjp%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-wily_hunting_monkey%2Fresolve%2Fmain%2FREADME.md=&etag=%22f83ba6559a5e73673521e74723cf68c90b04b45c%22
guangyaoz/sft
guangyaoz
2025-07-31T18:22:38Z
0
0
transformers
[ "transformers", "tensorboard", "safetensors", "generated_from_trainer", "sft", "trl", "base_model:Qwen/Qwen2.5-1.5B-Instruct", "base_model:finetune:Qwen/Qwen2.5-1.5B-Instruct", "endpoints_compatible", "region:us" ]
null
2025-07-31T04:02:12Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/guangyaoz/sft/6b2860971a03fdc4213ede19791b2773991706e5/README.md?%2Fguangyaoz%2Fsft%2Fresolve%2Fmain%2FREADME.md=&etag=%22b6638461529011201afe0eed92bc23e45c2048b6%22
namfuentesganti/Qwen3-0.6B-Gensyn-Swarm-silky_lightfooted_ape
namfuentesganti
2025-07-31T18:22:35Z
110
0
transformers
[ "transformers", "safetensors", "qwen3", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am silky_lightfooted_ape", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-02T17:37:28Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/namfuentesganti/Qwen3-0.6B-Gensyn-Swarm-silky_lightfooted_ape/bd7012f18b9ccb6584e91a4d5228ad43103c59d2/README.md?%2Fnamfuentesganti%2FQwen3-0.6B-Gensyn-Swarm-silky_lightfooted_ape%2Fresolve%2Fmain%2FREADME.md=&etag=%2258fbf30b728adad63b43ca0001110d5fb089af59%22
phospho-app/adungus-ACT_BBOX-PickPlace
phospho-app
2025-07-31T18:22:26Z
0
0
null
[ "safetensors", "phosphobot", "act", "region:us" ]
null
2025-07-31T17:25:32Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/phospho-app/adungus-ACT_BBOX-PickPlace/dd097d915ba1970a450f553c20ab8ce5f3597f7b/README.md?%2Fphospho-app%2Fadungus-ACT_BBOX-PickPlace%2Fresolve%2Fmain%2FREADME.md=&etag=%22913749c8f493589bcdbe35b1d0a90e6e90589ada%22
ethduke/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-padded_iridescent_anaconda
ethduke
2025-07-31T18:22:03Z
71
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am padded_iridescent_anaconda", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-06-30T09:19:47Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/ethduke/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-padded_iridescent_anaconda/b9acd386b0eeb83a5239b2fdd49144eadb1c3d8a/README.md?%2Fethduke%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-padded_iridescent_anaconda%2Fresolve%2Fmain%2FREADME.md=&etag=%22c47cab9cd8baa5d9a4252afb12d449bbdde65322%22
foundryaccelerate/red-team
foundryaccelerate
2025-07-31T18:22:00Z
0
1
null
[ "license:unknown", "region:us" ]
null
2024-12-30T14:35:37Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/foundryaccelerate/red-team/3d8dfd797914338336391080b91d118447fcccc2/README.md?%2Ffoundryaccelerate%2Fred-team%2Fresolve%2Fmain%2FREADME.md=&etag=%22ab1026189d4daa3c13229a3ffce8d7b35a755eb3%22
Ivan512/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-burrowing_rangy_porpoise
Ivan512
2025-07-31T18:21:50Z
101
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am burrowing_rangy_porpoise", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-30T10:24:32Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/Ivan512/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-burrowing_rangy_porpoise/43a8f272007dfdd04c065f04a7f9ccd9ea3a7415/README.md?%2FIvan512%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-burrowing_rangy_porpoise%2Fresolve%2Fmain%2FREADME.md=&etag=%22aa0fe175935130ea4727d12eefbbdb00e895817a%22
DTebias/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-hoarse_muscular_cassowary
DTebias
2025-07-31T18:21:19Z
19
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "generated_from_trainer", "rl-swarm", "grpo", "gensyn", "I am hoarse muscular cassowary", "trl", "genrl-swarm", "I am hoarse_muscular_cassowary", "conversational", "arxiv:2402.03300", "base_model:unsloth/Qwen2.5-0.5B-Instruct", "base_model:finetune:unsloth/Qwen2.5-0.5B-Instruct", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-04-30T20:31:31Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/DTebias/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-hoarse_muscular_cassowary/8663515f912880250ffe8e35fddbb31fec8a2c41/README.md?%2FDTebias%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-hoarse_muscular_cassowary%2Fresolve%2Fmain%2FREADME.md=&etag=%221dfdb5c054a01eb529255750c9196c40534f25a6%22
senga-ml/dnote-body
senga-ml
2025-07-31T18:20:55Z
23
0
transformers
[ "transformers", "safetensors", "vision-encoder-decoder", "image-to-text", "arxiv:1910.09700", "endpoints_compatible", "region:us" ]
image-to-text
2025-06-10T07:14:08Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/senga-ml/dnote-body/0319ae3761a63aedf721ba2a514f75205a0b1331/README.md?%2Fsenga-ml%2Fdnote-body%2Fresolve%2Fmain%2FREADME.md=&etag=%22bc5f30d6632ac0efdc7be2e9095e9e9579af2e33%22
tensorblock/mlx-community_Mistral-Small-3.2-24B-Instruct-2506-bf16-GGUF
tensorblock
2025-07-31T18:20:31Z
0
0
mlx
[ "mlx", "gguf", "TensorBlock", "GGUF", "text-generation", "en", "fr", "de", "es", "pt", "it", "ja", "ko", "ru", "zh", "ar", "fa", "id", "ms", "ne", "pl", "ro", "sr", "sv", "tr", "uk", "vi", "hi", "bn", "base_model:mlx-community/Mistral-Small-3.2-24B-Instruct-2506-bf16", "base_model:quantized:mlx-community/Mistral-Small-3.2-24B-Instruct-2506-bf16", "license:apache-2.0", "region:us", "conversational" ]
text-generation
2025-07-31T14:04:42Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/tensorblock/mlx-community_Mistral-Small-3.2-24B-Instruct-2506-bf16-GGUF/c9849f94102dec987144488f9fcca98b48d9d69c/README.md?%2Ftensorblock%2Fmlx-community_Mistral-Small-3.2-24B-Instruct-2506-bf16-GGUF%2Fresolve%2Fmain%2FREADME.md=&etag=%22e1bf1f02b06eb710be91f8a1c90a88a13efa32dd%22
Fort171991/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-reclusive_bipedal_salmon
Fort171991
2025-07-31T18:19:55Z
97
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am reclusive_bipedal_salmon", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-26T07:29:09Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/Fort171991/Qwen2.5-0.5B-Instruct-Gensyn-Swarm-reclusive_bipedal_salmon/acbb7d362c926a1a3c30be0f8211763d83be2691/README.md?%2FFort171991%2FQwen2.5-0.5B-Instruct-Gensyn-Swarm-reclusive_bipedal_salmon%2Fresolve%2Fmain%2FREADME.md=&etag=%222265f4759aaa9086275545dbc521e61524576f96%22
skyxyz/Qwen3-0.6B-Gensyn-Swarm-purring_humming_chicken
skyxyz
2025-07-31T18:19:33Z
105
0
transformers
[ "transformers", "safetensors", "qwen3", "text-generation", "rl-swarm", "genrl-swarm", "grpo", "gensyn", "I am purring_humming_chicken", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-05T19:11:19Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/skyxyz/Qwen3-0.6B-Gensyn-Swarm-purring_humming_chicken/b048c56c2b89f468bdd5a93934d67bdc7ae7b7b1/README.md?%2Fskyxyz%2FQwen3-0.6B-Gensyn-Swarm-purring_humming_chicken%2Fresolve%2Fmain%2FREADME.md=&etag=%224b4d9255f90d2dd80a60930d8ae44870d9a5831a%22
lalalaDa/Qwen-Math-1.5B-data-drGRPO-PER-GRPO
lalalaDa
2025-07-31T18:17:26Z
16
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "generated_from_trainer", "ERGRPO", "trl", "grpo", "conversational", "dataset:knoveleng/open-rs", "arxiv:2402.03300", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-07-28T15:33:49Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/lalalaDa/Qwen-Math-1.5B-data-drGRPO-PER-GRPO/a79c9f4dab7fd1dda6a0c22f3bce1219cc9e73e5/README.md?%2FlalalaDa%2FQwen-Math-1.5B-data-drGRPO-PER-GRPO%2Fresolve%2Fmain%2FREADME.md=&etag=%229e02411deece8e0547ebcfe1ecb9d0fea915f468%22
mradermacher/MetaStone-S1-32B-0730-i1-GGUF
mradermacher
2025-07-31T18:14:38Z
0
0
null
[ "gguf", "endpoints_compatible", "region:us", "imatrix", "conversational" ]
null
2025-07-31T15:46:25Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/mradermacher/MetaStone-S1-32B-0730-i1-GGUF/d0209cd92bdd79d283b9223fab98d8ddf9c87d7a/README.md?%2Fmradermacher%2FMetaStone-S1-32B-0730-i1-GGUF%2Fresolve%2Fmain%2FREADME.md=&etag=%224e3eefce7d39074d9579c49ee731fa952c6f7584%22
raniero/dpo_test_finale_007
raniero
2025-07-31T18:14:27Z
0
0
null
[ "safetensors", "region:us" ]
null
2025-07-30T15:24:34Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/raniero/dpo_test_finale_007/87863afd723ce5f3b93246c35e2fda8e55c6821f/README.md?%2Franiero%2Fdpo_test_finale_007%2Fresolve%2Fmain%2FREADME.md=&etag=%22ab8cfaa88f195c4e789ab78ab3a0fc454a265018%22
VincentGOURBIN/voxtral-small-8bit
VincentGOURBIN
2025-07-31T18:13:01Z
0
0
transformers
[ "transformers", "safetensors", "voxtral", "text2text-generation", "mistral", "quantized", "8bit", "llm", "language-model", "mlx", "base_model:mistralai/Voxtral-Small-24B-2507", "base_model:quantized:mistralai/Voxtral-Small-24B-2507", "license:apache-2.0", "endpoints_compatible", "8-bit", "region:us" ]
null
2025-07-31T18:08:01Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/VincentGOURBIN/voxtral-small-8bit/36ca3b0e7b599a09ab18a8a89e8bbfc094fa8821/README.md?%2FVincentGOURBIN%2Fvoxtral-small-8bit%2Fresolve%2Fmain%2FREADME.md=&etag=%222cc8bf70eeb18170e9735cbf1e82dde60ac70273%22
DZgas/Tower-Plus-2B-GGUF
DZgas
2025-07-31T18:12:50Z
250
1
null
[ "gguf", "quantized", "gemma", "translation", "ru", "en", "de", "es", "fr", "ja", "it", "zh", "pt", "uk", "hi", "cs", "ko", "nl", "is", "pl", "sv", "hu", "ro", "da", "fi", "base_model:Unbabel/Tower-Plus-2B", "base_model:quantized:Unbabel/Tower-Plus-2B", "license:cc-by-nc-sa-4.0", "endpoints_compatible", "region:us", "conversational" ]
translation
2025-07-29T20:53:57Z
Temporary Redirect. Redirecting to /api/resolve-cache/models/DZgas/Tower-Plus-2B-GGUF/2645e2235f1338ae48fba2728f02271111ac0872/README.md?%2FDZgas%2FTower-Plus-2B-GGUF%2Fresolve%2Fmain%2FREADME.md=&etag=%223aa4853f4bddde88e7bd191bc693405b53a9248f%22