Model Name
stringlengths 5
122
| URL
stringlengths 28
145
| Crawled Text
stringlengths 1
199k
⌀ | text
stringlengths 180
199k
|
---|---|---|---|
BSC-LT/roberta-large-bne | https://huggingface.co/BSC-LT/roberta-large-bne | ⚠️NOTICE⚠️: THIS MODEL HAS BEEN MOVED TO THE FOLLOWING URL AND WILL SOON BE REMOVED: https://huggingface.co/PlanTL-GOB-ES/roberta-large-bne RoBERTa-large-bne is a transformer-based masked language model for the Spanish language. It is based on the RoBERTa large model and has been pre-trained using the largest Spanish corpus known to date, with a total of 570GB of clean and deduplicated text processed for this work, compiled from the web crawlings performed by the National Library of Spain (Biblioteca Nacional de España) from 2009 to 2019. The National Library of Spain (Biblioteca Nacional de España) crawls all .es domains once a year. The training corpus consists of 59TB of WARC files from these crawls, carried out from 2009 to 2019. To obtain a high-quality training corpus, the corpus has been preprocessed with a pipeline of operations, including among the others, sentence splitting, language detection, filtering of bad-formed sentences and deduplication of repetitive contents. During the process document boundaries are kept. This resulted into 2TB of Spanish clean corpus. Further global deduplication among the corpus is applied, resulting into 570GB of text. Some of the statistics of the corpus: The training corpus has been tokenized using a byte version of Byte-Pair Encoding (BPE) used in the original RoBERTA model with a vocabulary size of 50,262 tokens. The RoBERTa-large-bne pre-training consists of a masked language model training that follows the approach employed for the RoBERTa large. The training lasted a total of 96 hours with 32 computing nodes each one with 4 NVIDIA V100 GPUs of 16GB VRAM. For evaluation details visit our GitHub repository. Check out our paper for all the details: https://arxiv.org/abs/2107.07253 | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BSC-LT/roberta-large-bne
### Model URL : https://huggingface.co/BSC-LT/roberta-large-bne
### Model Description : ⚠️NOTICE⚠️: THIS MODEL HAS BEEN MOVED TO THE FOLLOWING URL AND WILL SOON BE REMOVED: https://huggingface.co/PlanTL-GOB-ES/roberta-large-bne RoBERTa-large-bne is a transformer-based masked language model for the Spanish language. It is based on the RoBERTa large model and has been pre-trained using the largest Spanish corpus known to date, with a total of 570GB of clean and deduplicated text processed for this work, compiled from the web crawlings performed by the National Library of Spain (Biblioteca Nacional de España) from 2009 to 2019. The National Library of Spain (Biblioteca Nacional de España) crawls all .es domains once a year. The training corpus consists of 59TB of WARC files from these crawls, carried out from 2009 to 2019. To obtain a high-quality training corpus, the corpus has been preprocessed with a pipeline of operations, including among the others, sentence splitting, language detection, filtering of bad-formed sentences and deduplication of repetitive contents. During the process document boundaries are kept. This resulted into 2TB of Spanish clean corpus. Further global deduplication among the corpus is applied, resulting into 570GB of text. Some of the statistics of the corpus: The training corpus has been tokenized using a byte version of Byte-Pair Encoding (BPE) used in the original RoBERTA model with a vocabulary size of 50,262 tokens. The RoBERTa-large-bne pre-training consists of a masked language model training that follows the approach employed for the RoBERTa large. The training lasted a total of 96 hours with 32 computing nodes each one with 4 NVIDIA V100 GPUs of 16GB VRAM. For evaluation details visit our GitHub repository. Check out our paper for all the details: https://arxiv.org/abs/2107.07253 |
BSen/wav2vec2-base-timit-demo-colab | https://huggingface.co/BSen/wav2vec2-base-timit-demo-colab | This model is a fine-tuned version of facebook/wav2vec2-base on the None dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed The following hyperparameters were used during training: | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BSen/wav2vec2-base-timit-demo-colab
### Model URL : https://huggingface.co/BSen/wav2vec2-base-timit-demo-colab
### Model Description : This model is a fine-tuned version of facebook/wav2vec2-base on the None dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed The following hyperparameters were used during training: |
BSen/wav2vec2-large-xls-r-300m-turkish-colab | https://huggingface.co/BSen/wav2vec2-large-xls-r-300m-turkish-colab | This model is a fine-tuned version of facebook/wav2vec2-xls-r-300m on the common_voice dataset. More information needed More information needed More information needed The following hyperparameters were used during training: | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BSen/wav2vec2-large-xls-r-300m-turkish-colab
### Model URL : https://huggingface.co/BSen/wav2vec2-large-xls-r-300m-turkish-colab
### Model Description : This model is a fine-tuned version of facebook/wav2vec2-xls-r-300m on the common_voice dataset. More information needed More information needed More information needed The following hyperparameters were used during training: |
BW/TEST | https://huggingface.co/BW/TEST | null | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BW/TEST
### Model URL : https://huggingface.co/BW/TEST
### Model Description : |
Babelscape/rebel-large | https://huggingface.co/Babelscape/rebel-large |
This is the model card for the Findings of EMNLP 2021 paper REBEL: Relation Extraction By End-to-end Language generation. We present a new linearization approach and a reframing of Relation Extraction as a seq2seq task. The paper can be found here. If you use the code, please reference this work in your paper: The original repository for the paper can be found here Be aware that the inference widget at the right does not output special tokens, which are necessary to distinguish the subject, object and relation types. For a demo of REBEL and its pre-training dataset check the Spaces demo. | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Babelscape/rebel-large
### Model URL : https://huggingface.co/Babelscape/rebel-large
### Model Description :
This is the model card for the Findings of EMNLP 2021 paper REBEL: Relation Extraction By End-to-end Language generation. We present a new linearization approach and a reframing of Relation Extraction as a seq2seq task. The paper can be found here. If you use the code, please reference this work in your paper: The original repository for the paper can be found here Be aware that the inference widget at the right does not output special tokens, which are necessary to distinguish the subject, object and relation types. For a demo of REBEL and its pre-training dataset check the Spaces demo. |
Babelscape/wikineural-multilingual-ner | https://huggingface.co/Babelscape/wikineural-multilingual-ner | This is the model card for the EMNLP 2021 paper WikiNEuRal: Combined Neural and Knowledge-based Silver Data Creation for Multilingual NER. We fine-tuned a multilingual language model (mBERT) for 3 epochs on our WikiNEuRal dataset for Named Entity Recognition (NER). The resulting multilingual NER model supports the 9 languages covered by WikiNEuRal (de, en, es, fr, it, nl, pl, pt, ru), and it was trained on all 9 languages jointly. If you use the model, please reference this work in your paper: The original repository for the paper can be found at https://github.com/Babelscape/wikineural. You can use this model with Transformers pipeline for NER. This model is trained on WikiNEuRal, a state-of-the-art dataset for Multilingual NER automatically derived from Wikipedia. Therefore, it might not generalize well to all textual genres (e.g. news). On the other hand, models trained only on news articles (e.g. only on CoNLL03) have been proven to obtain much lower scores on encyclopedic articles. To obtain more robust systems, we encourage you to train a system on the combination of WikiNEuRal with other datasets (e.g. WikiNEuRal + CoNLL). Contents of this repository are restricted to only non-commercial research purposes under the Creative Commons Attribution-NonCommercial-ShareAlike 4.0 International License (CC BY-NC-SA 4.0). Copyright of the dataset contents and models belongs to the original copyright holders. | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Babelscape/wikineural-multilingual-ner
### Model URL : https://huggingface.co/Babelscape/wikineural-multilingual-ner
### Model Description : This is the model card for the EMNLP 2021 paper WikiNEuRal: Combined Neural and Knowledge-based Silver Data Creation for Multilingual NER. We fine-tuned a multilingual language model (mBERT) for 3 epochs on our WikiNEuRal dataset for Named Entity Recognition (NER). The resulting multilingual NER model supports the 9 languages covered by WikiNEuRal (de, en, es, fr, it, nl, pl, pt, ru), and it was trained on all 9 languages jointly. If you use the model, please reference this work in your paper: The original repository for the paper can be found at https://github.com/Babelscape/wikineural. You can use this model with Transformers pipeline for NER. This model is trained on WikiNEuRal, a state-of-the-art dataset for Multilingual NER automatically derived from Wikipedia. Therefore, it might not generalize well to all textual genres (e.g. news). On the other hand, models trained only on news articles (e.g. only on CoNLL03) have been proven to obtain much lower scores on encyclopedic articles. To obtain more robust systems, we encourage you to train a system on the combination of WikiNEuRal with other datasets (e.g. WikiNEuRal + CoNLL). Contents of this repository are restricted to only non-commercial research purposes under the Creative Commons Attribution-NonCommercial-ShareAlike 4.0 International License (CC BY-NC-SA 4.0). Copyright of the dataset contents and models belongs to the original copyright holders. |
Backedman/DialoGPT-small-Anika | https://huggingface.co/Backedman/DialoGPT-small-Anika | #Anika Bot | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Backedman/DialoGPT-small-Anika
### Model URL : https://huggingface.co/Backedman/DialoGPT-small-Anika
### Model Description : #Anika Bot |
Badr/model1 | https://huggingface.co/Badr/model1 | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Badr/model1
### Model URL : https://huggingface.co/Badr/model1
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bagus/SER-LSSED | https://huggingface.co/Bagus/SER-LSSED | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bagus/SER-LSSED
### Model URL : https://huggingface.co/Bagus/SER-LSSED
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bagus/ser-japanese | https://huggingface.co/Bagus/ser-japanese | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bagus/ser-japanese
### Model URL : https://huggingface.co/Bagus/ser-japanese
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bagus/wav2vec2-large-xlsr-bahasa-indonesia | https://huggingface.co/Bagus/wav2vec2-large-xlsr-bahasa-indonesia | Dataset used for training: Test WER: 19.3 % Contact:bagus@ep.its.ac.id | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bagus/wav2vec2-large-xlsr-bahasa-indonesia
### Model URL : https://huggingface.co/Bagus/wav2vec2-large-xlsr-bahasa-indonesia
### Model Description : Dataset used for training: Test WER: 19.3 % Contact:bagus@ep.its.ac.id |
Bagus/wav2vec2-xlsr-greek-speech-emotion-recognition | https://huggingface.co/Bagus/wav2vec2-xlsr-greek-speech-emotion-recognition | null | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bagus/wav2vec2-xlsr-greek-speech-emotion-recognition
### Model URL : https://huggingface.co/Bagus/wav2vec2-xlsr-greek-speech-emotion-recognition
### Model Description : |
Bagus/wav2vec2-xlsr-japanese-speech-emotion-recognition | https://huggingface.co/Bagus/wav2vec2-xlsr-japanese-speech-emotion-recognition | This is for (private) DEMO only. | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bagus/wav2vec2-xlsr-japanese-speech-emotion-recognition
### Model URL : https://huggingface.co/Bagus/wav2vec2-xlsr-japanese-speech-emotion-recognition
### Model Description : This is for (private) DEMO only. |
Bakkes/BakkesModWiki | https://huggingface.co/Bakkes/BakkesModWiki | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bakkes/BakkesModWiki
### Model URL : https://huggingface.co/Bakkes/BakkesModWiki
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bala/model_name | https://huggingface.co/Bala/model_name | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bala/model_name
### Model URL : https://huggingface.co/Bala/model_name
### Model Description : No model card New: Create and edit this model card directly on the website! |
BalajiSathesh/DialoGPT-small-harrypotter | https://huggingface.co/BalajiSathesh/DialoGPT-small-harrypotter | Harry Potter DialoGPT Model | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BalajiSathesh/DialoGPT-small-harrypotter
### Model URL : https://huggingface.co/BalajiSathesh/DialoGPT-small-harrypotter
### Model Description : Harry Potter DialoGPT Model |
Balgow/prod_desc | https://huggingface.co/Balgow/prod_desc | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Balgow/prod_desc
### Model URL : https://huggingface.co/Balgow/prod_desc
### Model Description : No model card New: Create and edit this model card directly on the website! |
Banshee/LukeSkywalker | https://huggingface.co/Banshee/LukeSkywalker | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Banshee/LukeSkywalker
### Model URL : https://huggingface.co/Banshee/LukeSkywalker
### Model Description : No model card New: Create and edit this model card directly on the website! |
Banshee/dialoGPT-luke-small | https://huggingface.co/Banshee/dialoGPT-luke-small | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Banshee/dialoGPT-luke-small
### Model URL : https://huggingface.co/Banshee/dialoGPT-luke-small
### Model Description : No model card New: Create and edit this model card directly on the website! |
Banshee/dialoGPT-small-luke | https://huggingface.co/Banshee/dialoGPT-small-luke | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Banshee/dialoGPT-small-luke
### Model URL : https://huggingface.co/Banshee/dialoGPT-small-luke
### Model Description : No model card New: Create and edit this model card directly on the website! |
Barbarameerr/Barbara | https://huggingface.co/Barbarameerr/Barbara | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Barbarameerr/Barbara
### Model URL : https://huggingface.co/Barbarameerr/Barbara
### Model Description : No model card New: Create and edit this model card directly on the website! |
Barkavi/t5base_totto | https://huggingface.co/Barkavi/t5base_totto | Dataset ToTTo is an open-domain English Table-to-Text dataset with over 120,000 training examples that proposes a controlled generation task: given a Wikipedia table, a set of highlighted table cells, page title and section title as inputs, it produces a one-sentence description summarising the key details from the inputs. This dataset can be taken from hugging face (https://huggingface.co/datasets/totto). Model The pre-trained Text-to-Text "t5-base" model is fine-tuned with the Table-to-Text ToTTo dataset(downstream task) for the complete train dataset split of around 120,761 examples. During the fine-tuning process for this downstream task, BertScore metric was used as an evaluation metric instead of the standard BLEU metric. | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Barkavi/t5base_totto
### Model URL : https://huggingface.co/Barkavi/t5base_totto
### Model Description : Dataset ToTTo is an open-domain English Table-to-Text dataset with over 120,000 training examples that proposes a controlled generation task: given a Wikipedia table, a set of highlighted table cells, page title and section title as inputs, it produces a one-sentence description summarising the key details from the inputs. This dataset can be taken from hugging face (https://huggingface.co/datasets/totto). Model The pre-trained Text-to-Text "t5-base" model is fine-tuned with the Table-to-Text ToTTo dataset(downstream task) for the complete train dataset split of around 120,761 examples. During the fine-tuning process for this downstream task, BertScore metric was used as an evaluation metric instead of the standard BLEU metric. |
Barleysack/AERoberta | https://huggingface.co/Barleysack/AERoberta | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Barleysack/AERoberta
### Model URL : https://huggingface.co/Barleysack/AERoberta
### Model Description : No model card New: Create and edit this model card directly on the website! |
Barleysack/AERoberta2 | https://huggingface.co/Barleysack/AERoberta2 | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Barleysack/AERoberta2
### Model URL : https://huggingface.co/Barleysack/AERoberta2
### Model Description : No model card New: Create and edit this model card directly on the website! |
Barleysack/klue-roberta-LSTM | https://huggingface.co/Barleysack/klue-roberta-LSTM | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Barleysack/klue-roberta-LSTM
### Model URL : https://huggingface.co/Barleysack/klue-roberta-LSTM
### Model Description : No model card New: Create and edit this model card directly on the website! |
Barytes/hellohf | https://huggingface.co/Barytes/hellohf | null | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Barytes/hellohf
### Model URL : https://huggingface.co/Barytes/hellohf
### Model Description : |
Batsy24/DialoGPT-medium-Twilight_BellaBot | https://huggingface.co/Batsy24/DialoGPT-medium-Twilight_BellaBot | null | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Batsy24/DialoGPT-medium-Twilight_BellaBot
### Model URL : https://huggingface.co/Batsy24/DialoGPT-medium-Twilight_BellaBot
### Model Description : |
Batsy24/DialoGPT-small-Twilight_EdBot | https://huggingface.co/Batsy24/DialoGPT-small-Twilight_EdBot | null | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Batsy24/DialoGPT-small-Twilight_EdBot
### Model URL : https://huggingface.co/Batsy24/DialoGPT-small-Twilight_EdBot
### Model Description : |
Battlehooks/distilbert-base-uncased-finetuned-squad | https://huggingface.co/Battlehooks/distilbert-base-uncased-finetuned-squad | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Battlehooks/distilbert-base-uncased-finetuned-squad
### Model URL : https://huggingface.co/Battlehooks/distilbert-base-uncased-finetuned-squad
### Model Description : No model card New: Create and edit this model card directly on the website! |
BatuhanYilmaz/bert-finetuned-mrpc | https://huggingface.co/BatuhanYilmaz/bert-finetuned-mrpc | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BatuhanYilmaz/bert-finetuned-mrpc
### Model URL : https://huggingface.co/BatuhanYilmaz/bert-finetuned-mrpc
### Model Description : No model card New: Create and edit this model card directly on the website! |
BatuhanYilmaz/bert-finetuned-ner | https://huggingface.co/BatuhanYilmaz/bert-finetuned-ner | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BatuhanYilmaz/bert-finetuned-ner
### Model URL : https://huggingface.co/BatuhanYilmaz/bert-finetuned-ner
### Model Description : No model card New: Create and edit this model card directly on the website! |
BatuhanYilmaz/bert-finetuned-nerxD | https://huggingface.co/BatuhanYilmaz/bert-finetuned-nerxD | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BatuhanYilmaz/bert-finetuned-nerxD
### Model URL : https://huggingface.co/BatuhanYilmaz/bert-finetuned-nerxD
### Model Description : No model card New: Create and edit this model card directly on the website! |
BatuhanYilmaz/code-search-net-tokenizer1 | https://huggingface.co/BatuhanYilmaz/code-search-net-tokenizer1 | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BatuhanYilmaz/code-search-net-tokenizer1
### Model URL : https://huggingface.co/BatuhanYilmaz/code-search-net-tokenizer1
### Model Description : No model card New: Create and edit this model card directly on the website! |
BatuhanYilmaz/distilbert-base-uncased-finetuned-squad-d5716d28 | https://huggingface.co/BatuhanYilmaz/distilbert-base-uncased-finetuned-squad-d5716d28 | This model replicates the "DistilBERT (D)" model from Table 2 of the DistilBERT paper. In this approach, a DistilBERT student is fine-tuned on SQuAD v1.1, but with a BERT model (also fine-tuned on SQuAD v1.1) acting as a teacher for a second step of task-specific distillation. In this version, the following pre-trained models were used: This model was trained on the SQuAD v1.1 dataset which can be obtained from the datasets library as follows: The scores were calculated using the squad metric from datasets. | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BatuhanYilmaz/distilbert-base-uncased-finetuned-squad-d5716d28
### Model URL : https://huggingface.co/BatuhanYilmaz/distilbert-base-uncased-finetuned-squad-d5716d28
### Model Description : This model replicates the "DistilBERT (D)" model from Table 2 of the DistilBERT paper. In this approach, a DistilBERT student is fine-tuned on SQuAD v1.1, but with a BERT model (also fine-tuned on SQuAD v1.1) acting as a teacher for a second step of task-specific distillation. In this version, the following pre-trained models were used: This model was trained on the SQuAD v1.1 dataset which can be obtained from the datasets library as follows: The scores were calculated using the squad metric from datasets. |
BatuhanYilmaz/dummy-model | https://huggingface.co/BatuhanYilmaz/dummy-model | This model is a fine-tuned version of camembert-base on an unknown dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed The following hyperparameters were used during training: | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BatuhanYilmaz/dummy-model
### Model URL : https://huggingface.co/BatuhanYilmaz/dummy-model
### Model Description : This model is a fine-tuned version of camembert-base on an unknown dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed The following hyperparameters were used during training: |
BatuhanYilmaz/dummy | https://huggingface.co/BatuhanYilmaz/dummy | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BatuhanYilmaz/dummy
### Model URL : https://huggingface.co/BatuhanYilmaz/dummy
### Model Description : No model card New: Create and edit this model card directly on the website! |
BatuhanYilmaz/marian-finetuned-kde4-en-to-fr | https://huggingface.co/BatuhanYilmaz/marian-finetuned-kde4-en-to-fr | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BatuhanYilmaz/marian-finetuned-kde4-en-to-fr
### Model URL : https://huggingface.co/BatuhanYilmaz/marian-finetuned-kde4-en-to-fr
### Model Description : No model card New: Create and edit this model card directly on the website! |
BatuhanYilmaz/mlm-finetuned-imdb | https://huggingface.co/BatuhanYilmaz/mlm-finetuned-imdb | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BatuhanYilmaz/mlm-finetuned-imdb
### Model URL : https://huggingface.co/BatuhanYilmaz/mlm-finetuned-imdb
### Model Description : No model card New: Create and edit this model card directly on the website! |
BatuhanYilmaz/mt5-small-finetuned-amazonbooks-en-es | https://huggingface.co/BatuhanYilmaz/mt5-small-finetuned-amazonbooks-en-es | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BatuhanYilmaz/mt5-small-finetuned-amazonbooks-en-es
### Model URL : https://huggingface.co/BatuhanYilmaz/mt5-small-finetuned-amazonbooks-en-es
### Model Description : No model card New: Create and edit this model card directly on the website! |
Baybars/debateGPT | https://huggingface.co/Baybars/debateGPT | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Baybars/debateGPT
### Model URL : https://huggingface.co/Baybars/debateGPT
### Model Description : No model card New: Create and edit this model card directly on the website! |
Baybars/wav2vec2-xls-r-1b-turkish | https://huggingface.co/Baybars/wav2vec2-xls-r-1b-turkish | This model is a fine-tuned version of ./checkpoint-10500 on the COMMON_VOICE - TR dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed The following hyperparameters were used during training: This model's model-index metadata is invalid:
Schema validation error. "model-index[0].name" is not allowed to be empty | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Baybars/wav2vec2-xls-r-1b-turkish
### Model URL : https://huggingface.co/Baybars/wav2vec2-xls-r-1b-turkish
### Model Description : This model is a fine-tuned version of ./checkpoint-10500 on the COMMON_VOICE - TR dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed The following hyperparameters were used during training: This model's model-index metadata is invalid:
Schema validation error. "model-index[0].name" is not allowed to be empty |
Baybars/wav2vec2-xls-r-300m-cv8-turkish | https://huggingface.co/Baybars/wav2vec2-xls-r-300m-cv8-turkish | This model is a fine-tuned version of facebook/wav2vec2-xls-r-300m on the COMMON_VOICE - TR dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed N-gram language model is trained by mpoyraz on a Turkish Wikipedia articles using KenLM and ngram-lm-wiki repo was used to generate arpa LM and convert it into binary format. The following hyperparameters were used during training: Please install unicode_tr package before running evaluation. It is used for Turkish text processing. This model's model-index metadata is invalid:
Schema validation error. "model-index[0].name" is not allowed to be empty | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Baybars/wav2vec2-xls-r-300m-cv8-turkish
### Model URL : https://huggingface.co/Baybars/wav2vec2-xls-r-300m-cv8-turkish
### Model Description : This model is a fine-tuned version of facebook/wav2vec2-xls-r-300m on the COMMON_VOICE - TR dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed N-gram language model is trained by mpoyraz on a Turkish Wikipedia articles using KenLM and ngram-lm-wiki repo was used to generate arpa LM and convert it into binary format. The following hyperparameters were used during training: Please install unicode_tr package before running evaluation. It is used for Turkish text processing. This model's model-index metadata is invalid:
Schema validation error. "model-index[0].name" is not allowed to be empty |
BeIR/query-gen-msmarco-t5-base-v1 | https://huggingface.co/BeIR/query-gen-msmarco-t5-base-v1 | This model is the t5-base model from docTTTTTquery. The T5-base model was trained on the MS MARCO Passage Dataset, which consists of about 500k real search queries from Bing together with the relevant passage. The model can be used for query generation to learn semantic search models without requiring annotated training data: Synthetic Query Generation. | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BeIR/query-gen-msmarco-t5-base-v1
### Model URL : https://huggingface.co/BeIR/query-gen-msmarco-t5-base-v1
### Model Description : This model is the t5-base model from docTTTTTquery. The T5-base model was trained on the MS MARCO Passage Dataset, which consists of about 500k real search queries from Bing together with the relevant passage. The model can be used for query generation to learn semantic search models without requiring annotated training data: Synthetic Query Generation. |
BeIR/query-gen-msmarco-t5-large-v1 | https://huggingface.co/BeIR/query-gen-msmarco-t5-large-v1 | This model is the t5-base model from docTTTTTquery. The T5-base model was trained on the MS MARCO Passage Dataset, which consists of about 500k real search queries from Bing together with the relevant passage. The model can be used for query generation to learn semantic search models without requiring annotated training data: Synthetic Query Generation. | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BeIR/query-gen-msmarco-t5-large-v1
### Model URL : https://huggingface.co/BeIR/query-gen-msmarco-t5-large-v1
### Model Description : This model is the t5-base model from docTTTTTquery. The T5-base model was trained on the MS MARCO Passage Dataset, which consists of about 500k real search queries from Bing together with the relevant passage. The model can be used for query generation to learn semantic search models without requiring annotated training data: Synthetic Query Generation. |
BeIR/sparta-msmarco-distilbert-base-v1 | https://huggingface.co/BeIR/sparta-msmarco-distilbert-base-v1 | Re-Implementation of SPARTA: Efficient Open-Domain Question Answering via Sparse Transformer Matching Retrieval. It is the re-implementation we used for BEIR: A Heterogenous Benchmark for Zero-shot Evaluation of Information Retrieval Models. Also have a look at our BEIR repository: https://github.com/UKPLab/beir Have a look at https://github.com/nreimers/beir-sparta for the training and inference code of this SPARTA model | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BeIR/sparta-msmarco-distilbert-base-v1
### Model URL : https://huggingface.co/BeIR/sparta-msmarco-distilbert-base-v1
### Model Description : Re-Implementation of SPARTA: Efficient Open-Domain Question Answering via Sparse Transformer Matching Retrieval. It is the re-implementation we used for BEIR: A Heterogenous Benchmark for Zero-shot Evaluation of Information Retrieval Models. Also have a look at our BEIR repository: https://github.com/UKPLab/beir Have a look at https://github.com/nreimers/beir-sparta for the training and inference code of this SPARTA model |
BearThreat/distilbert-base-uncased-finetuned-cola | https://huggingface.co/BearThreat/distilbert-base-uncased-finetuned-cola | This model is a fine-tuned version of distilbert-base-uncased on the glue dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed The following hyperparameters were used during training: | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BearThreat/distilbert-base-uncased-finetuned-cola
### Model URL : https://huggingface.co/BearThreat/distilbert-base-uncased-finetuned-cola
### Model Description : This model is a fine-tuned version of distilbert-base-uncased on the glue dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed The following hyperparameters were used during training: |
Beatriz/model_name | https://huggingface.co/Beatriz/model_name | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Beatriz/model_name
### Model URL : https://huggingface.co/Beatriz/model_name
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bee-Garbs/DialoGPT-cartman-small | https://huggingface.co/Bee-Garbs/DialoGPT-cartman-small | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bee-Garbs/DialoGPT-cartman-small
### Model URL : https://huggingface.co/Bee-Garbs/DialoGPT-cartman-small
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bee-Garbs/DialoGPT-real-cartman-small | https://huggingface.co/Bee-Garbs/DialoGPT-real-cartman-small | null | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bee-Garbs/DialoGPT-real-cartman-small
### Model URL : https://huggingface.co/Bee-Garbs/DialoGPT-real-cartman-small
### Model Description : |
Beelow/model | https://huggingface.co/Beelow/model | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Beelow/model
### Model URL : https://huggingface.co/Beelow/model
### Model Description : No model card New: Create and edit this model card directly on the website! |
Beelow/wav2vec2-ukrainian-model-large | https://huggingface.co/Beelow/wav2vec2-ukrainian-model-large | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Beelow/wav2vec2-ukrainian-model-large
### Model URL : https://huggingface.co/Beelow/wav2vec2-ukrainian-model-large
### Model Description : No model card New: Create and edit this model card directly on the website! |
Begimay/Task | https://huggingface.co/Begimay/Task | from transformers import GPTNeoForCausalLM, GPT2Tokenizer
model = GPTNeoForCausalLM.from_pretrained("EleutherAI/gpt-neo-1.3B")
tokenizer = GPT2Tokenizer.from_pretrained("EleutherAI/gpt-neo-1.3B") prompt = "In a shocking finding, scientists discovered a herd of unicorns living in a remote, " ... "previously unexplored valley, in the Andes Mountains. Even more surprising to the " ... "researchers was the fact that the unicorns spoke perfect English." input_ids = tokenizer(prompt, return_tensors="pt").input_ids gen_tokens = model.generate(input_ids, do_sample=True, temperature=0.9, max_length=100,)
gen_text = tokenizer.batch_decode(gen_tokens)[0] | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Begimay/Task
### Model URL : https://huggingface.co/Begimay/Task
### Model Description : from transformers import GPTNeoForCausalLM, GPT2Tokenizer
model = GPTNeoForCausalLM.from_pretrained("EleutherAI/gpt-neo-1.3B")
tokenizer = GPT2Tokenizer.from_pretrained("EleutherAI/gpt-neo-1.3B") prompt = "In a shocking finding, scientists discovered a herd of unicorns living in a remote, " ... "previously unexplored valley, in the Andes Mountains. Even more surprising to the " ... "researchers was the fact that the unicorns spoke perfect English." input_ids = tokenizer(prompt, return_tensors="pt").input_ids gen_tokens = model.generate(input_ids, do_sample=True, temperature=0.9, max_length=100,)
gen_text = tokenizer.batch_decode(gen_tokens)[0] |
Belin/T5-Terms-and-Conditions | https://huggingface.co/Belin/T5-Terms-and-Conditions | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Belin/T5-Terms-and-Conditions
### Model URL : https://huggingface.co/Belin/T5-Terms-and-Conditions
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bella4322/Sarah | https://huggingface.co/Bella4322/Sarah | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bella4322/Sarah
### Model URL : https://huggingface.co/Bella4322/Sarah
### Model Description : No model card New: Create and edit this model card directly on the website! |
BenDavis71/GPT-2-Finetuning-AIRaid | https://huggingface.co/BenDavis71/GPT-2-Finetuning-AIRaid | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BenDavis71/GPT-2-Finetuning-AIRaid
### Model URL : https://huggingface.co/BenDavis71/GPT-2-Finetuning-AIRaid
### Model Description : No model card New: Create and edit this model card directly on the website! |
BenGeorge/MyModel | https://huggingface.co/BenGeorge/MyModel | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BenGeorge/MyModel
### Model URL : https://huggingface.co/BenGeorge/MyModel
### Model Description : No model card New: Create and edit this model card directly on the website! |
BenQLange/HF_bot | https://huggingface.co/BenQLange/HF_bot | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BenQLange/HF_bot
### Model URL : https://huggingface.co/BenQLange/HF_bot
### Model Description : No model card New: Create and edit this model card directly on the website! |
BenWitter/DialoGPT-small-Tyrion | https://huggingface.co/BenWitter/DialoGPT-small-Tyrion | \ntags: -conversational inference: false conversational: true #First time chat bot using a guide, low epoch count due to limited resources. | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BenWitter/DialoGPT-small-Tyrion
### Model URL : https://huggingface.co/BenWitter/DialoGPT-small-Tyrion
### Model Description : \ntags: -conversational inference: false conversational: true #First time chat bot using a guide, low epoch count due to limited resources. |
Benicio/t5-small-finetuned-en-to-ro | https://huggingface.co/Benicio/t5-small-finetuned-en-to-ro | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Benicio/t5-small-finetuned-en-to-ro
### Model URL : https://huggingface.co/Benicio/t5-small-finetuned-en-to-ro
### Model Description : No model card New: Create and edit this model card directly on the website! |
Benicio/t5-small-finetuned-en-to-ru | https://huggingface.co/Benicio/t5-small-finetuned-en-to-ru | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Benicio/t5-small-finetuned-en-to-ru
### Model URL : https://huggingface.co/Benicio/t5-small-finetuned-en-to-ru
### Model Description : No model card New: Create and edit this model card directly on the website! |
Beri/legal-qa | https://huggingface.co/Beri/legal-qa | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Beri/legal-qa
### Model URL : https://huggingface.co/Beri/legal-qa
### Model Description : No model card New: Create and edit this model card directly on the website! |
BertChristiaens/EmojiPredictor | https://huggingface.co/BertChristiaens/EmojiPredictor | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BertChristiaens/EmojiPredictor
### Model URL : https://huggingface.co/BertChristiaens/EmojiPredictor
### Model Description : No model card New: Create and edit this model card directly on the website! |
Berzemu/Coco | https://huggingface.co/Berzemu/Coco | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Berzemu/Coco
### Model URL : https://huggingface.co/Berzemu/Coco
### Model Description : No model card New: Create and edit this model card directly on the website! |
Betaniaolivo/Foto | https://huggingface.co/Betaniaolivo/Foto | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Betaniaolivo/Foto
### Model URL : https://huggingface.co/Betaniaolivo/Foto
### Model Description : No model card New: Create and edit this model card directly on the website! |
BhanuSama/gpt2-finetuned-xsum | https://huggingface.co/BhanuSama/gpt2-finetuned-xsum | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BhanuSama/gpt2-finetuned-xsum
### Model URL : https://huggingface.co/BhanuSama/gpt2-finetuned-xsum
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bharathdamu/wav2vec2-large-xls-r-300m-hindi-colab | https://huggingface.co/Bharathdamu/wav2vec2-large-xls-r-300m-hindi-colab | This model is a fine-tuned version of facebook/wav2vec2-xls-r-300m on the common_voice dataset. More information needed More information needed More information needed The following hyperparameters were used during training: | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bharathdamu/wav2vec2-large-xls-r-300m-hindi-colab
### Model URL : https://huggingface.co/Bharathdamu/wav2vec2-large-xls-r-300m-hindi-colab
### Model Description : This model is a fine-tuned version of facebook/wav2vec2-xls-r-300m on the common_voice dataset. More information needed More information needed More information needed The following hyperparameters were used during training: |
Bharathdamu/wav2vec2-large-xls-r-300m-hindi | https://huggingface.co/Bharathdamu/wav2vec2-large-xls-r-300m-hindi | This model is a fine-tuned version of facebook/wav2vec2-xls-r-300m on the common_voice dataset. More information needed More information needed More information needed The following hyperparameters were used during training: | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bharathdamu/wav2vec2-large-xls-r-300m-hindi
### Model URL : https://huggingface.co/Bharathdamu/wav2vec2-large-xls-r-300m-hindi
### Model Description : This model is a fine-tuned version of facebook/wav2vec2-xls-r-300m on the common_voice dataset. More information needed More information needed More information needed The following hyperparameters were used during training: |
Bharathdamu/wav2vec2-large-xls-r-300m-hindi2-colab | https://huggingface.co/Bharathdamu/wav2vec2-large-xls-r-300m-hindi2-colab | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bharathdamu/wav2vec2-large-xls-r-300m-hindi2-colab
### Model URL : https://huggingface.co/Bharathdamu/wav2vec2-large-xls-r-300m-hindi2-colab
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bharathdamu/wav2vec2-large-xls-r-300m-hindi3-colab | https://huggingface.co/Bharathdamu/wav2vec2-large-xls-r-300m-hindi3-colab | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bharathdamu/wav2vec2-large-xls-r-300m-hindi3-colab
### Model URL : https://huggingface.co/Bharathdamu/wav2vec2-large-xls-r-300m-hindi3-colab
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bharathdamu/wav2vec2-model-hindi-stt | https://huggingface.co/Bharathdamu/wav2vec2-model-hindi-stt | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bharathdamu/wav2vec2-model-hindi-stt
### Model URL : https://huggingface.co/Bharathdamu/wav2vec2-model-hindi-stt
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bharathdamu/wav2vec2-model-hindibhasha | https://huggingface.co/Bharathdamu/wav2vec2-model-hindibhasha | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bharathdamu/wav2vec2-model-hindibhasha
### Model URL : https://huggingface.co/Bharathdamu/wav2vec2-model-hindibhasha
### Model Description : No model card New: Create and edit this model card directly on the website! |
Bhumika/roberta-base-finetuned-sst2 | https://huggingface.co/Bhumika/roberta-base-finetuned-sst2 | This model was trained from scratch on the glue dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed The following hyperparameters were used during training: | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bhumika/roberta-base-finetuned-sst2
### Model URL : https://huggingface.co/Bhumika/roberta-base-finetuned-sst2
### Model Description : This model was trained from scratch on the glue dataset.
It achieves the following results on the evaluation set: More information needed More information needed More information needed The following hyperparameters were used during training: |
Bhuvana/t5-base-spellchecker | https://huggingface.co/Bhuvana/t5-base-spellchecker | A simple spell checker built using T5-Base transformer. To use this model This should print the corrected statement You can also type the text under the Hosted inference API and get predictions online. | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bhuvana/t5-base-spellchecker
### Model URL : https://huggingface.co/Bhuvana/t5-base-spellchecker
### Model Description : A simple spell checker built using T5-Base transformer. To use this model This should print the corrected statement You can also type the text under the Hosted inference API and get predictions online. |
Bia18/Beatriz | https://huggingface.co/Bia18/Beatriz | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Bia18/Beatriz
### Model URL : https://huggingface.co/Bia18/Beatriz
### Model Description : No model card New: Create and edit this model card directly on the website! |
Biasface/DDDC | https://huggingface.co/Biasface/DDDC | #hi | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Biasface/DDDC
### Model URL : https://huggingface.co/Biasface/DDDC
### Model Description : #hi |
Biasface/DDDC2 | https://huggingface.co/Biasface/DDDC2 | #hi | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : Biasface/DDDC2
### Model URL : https://huggingface.co/Biasface/DDDC2
### Model Description : #hi |
BigBoy/model | https://huggingface.co/BigBoy/model | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigBoy/model
### Model URL : https://huggingface.co/BigBoy/model
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigDaddyNe1L/Hhaa | https://huggingface.co/BigDaddyNe1L/Hhaa | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigDaddyNe1L/Hhaa
### Model URL : https://huggingface.co/BigDaddyNe1L/Hhaa
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/BertaMyWorda | https://huggingface.co/BigSalmon/BertaMyWorda | null | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/BertaMyWorda
### Model URL : https://huggingface.co/BigSalmon/BertaMyWorda
### Model Description : |
BigSalmon/BestMask2 | https://huggingface.co/BigSalmon/BestMask2 | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/BestMask2
### Model URL : https://huggingface.co/BigSalmon/BestMask2
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/DaBlank | https://huggingface.co/BigSalmon/DaBlank | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/DaBlank
### Model URL : https://huggingface.co/BigSalmon/DaBlank
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/Flowberta | https://huggingface.co/BigSalmon/Flowberta | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/Flowberta
### Model URL : https://huggingface.co/BigSalmon/Flowberta
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/FormalBerta | https://huggingface.co/BigSalmon/FormalBerta | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/FormalBerta
### Model URL : https://huggingface.co/BigSalmon/FormalBerta
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/FormalBerta2 | https://huggingface.co/BigSalmon/FormalBerta2 | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/FormalBerta2
### Model URL : https://huggingface.co/BigSalmon/FormalBerta2
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/FormalBerta3 | https://huggingface.co/BigSalmon/FormalBerta3 | https://huggingface.co/spaces/BigSalmon/MASK2 | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/FormalBerta3
### Model URL : https://huggingface.co/BigSalmon/FormalBerta3
### Model Description : https://huggingface.co/spaces/BigSalmon/MASK2 |
BigSalmon/FormalRobertaa | https://huggingface.co/BigSalmon/FormalRobertaa | https://huggingface.co/spaces/BigSalmon/MASK2 | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/FormalRobertaa
### Model URL : https://huggingface.co/BigSalmon/FormalRobertaa
### Model Description : https://huggingface.co/spaces/BigSalmon/MASK2 |
BigSalmon/FormalRobertaaa | https://huggingface.co/BigSalmon/FormalRobertaaa | https://huggingface.co/spaces/BigSalmon/MASK2 | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/FormalRobertaaa
### Model URL : https://huggingface.co/BigSalmon/FormalRobertaaa
### Model Description : https://huggingface.co/spaces/BigSalmon/MASK2 |
BigSalmon/FroBurta | https://huggingface.co/BigSalmon/FroBurta | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/FroBurta
### Model URL : https://huggingface.co/BigSalmon/FroBurta
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/GPT2HardandEasy | https://huggingface.co/BigSalmon/GPT2HardandEasy | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/GPT2HardandEasy
### Model URL : https://huggingface.co/BigSalmon/GPT2HardandEasy
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/GPTHeHe | https://huggingface.co/BigSalmon/GPTHeHe | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/GPTHeHe
### Model URL : https://huggingface.co/BigSalmon/GPTHeHe
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/GPTIntro | https://huggingface.co/BigSalmon/GPTIntro | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/GPTIntro
### Model URL : https://huggingface.co/BigSalmon/GPTIntro
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/GPTNeo350MInformalToFormalLincoln | https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln | Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/GPTNeo350MInformalToFormalLincoln
### Model URL : https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln
### Model Description : Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main |
BigSalmon/GPTNeo350MInformalToFormalLincoln2 | https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln2 | Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/GPTNeo350MInformalToFormalLincoln2
### Model URL : https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln2
### Model Description : Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main |
BigSalmon/GPTNeo350MInformalToFormalLincoln3 | https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln3 | Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/GPTNeo350MInformalToFormalLincoln3
### Model URL : https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln3
### Model Description : Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main |
BigSalmon/GPTNeo350MInformalToFormalLincoln4 | https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln4 | Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/GPTNeo350MInformalToFormalLincoln4
### Model URL : https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln4
### Model Description : Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main |
BigSalmon/GPTNeo350MInformalToFormalLincoln5 | https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln5 | Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/GPTNeo350MInformalToFormalLincoln5
### Model URL : https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln5
### Model Description : Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main |
BigSalmon/GPTNeo350MInformalToFormalLincoln6 | https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln6 | Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/GPTNeo350MInformalToFormalLincoln6
### Model URL : https://huggingface.co/BigSalmon/GPTNeo350MInformalToFormalLincoln6
### Model Description : Trained on this model: https://huggingface.co/xhyi/PT_GPTNEO350_ATG/tree/main |
BigSalmon/GPTT | https://huggingface.co/BigSalmon/GPTT | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/GPTT
### Model URL : https://huggingface.co/BigSalmon/GPTT
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/GoodMaskResults | https://huggingface.co/BigSalmon/GoodMaskResults | No model card New: Create and edit this model card directly on the website! | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/GoodMaskResults
### Model URL : https://huggingface.co/BigSalmon/GoodMaskResults
### Model Description : No model card New: Create and edit this model card directly on the website! |
BigSalmon/InfillFormalLincoln | https://huggingface.co/BigSalmon/InfillFormalLincoln | Informal to Formal: | Indicators looking for configurations to recommend AI models for configuring AI agents
### Model Name : BigSalmon/InfillFormalLincoln
### Model URL : https://huggingface.co/BigSalmon/InfillFormalLincoln
### Model Description : Informal to Formal: |