modelId
stringlengths
5
139
author
stringlengths
2
42
last_modified
timestamp[us, tz=UTC]date
2020-02-15 11:33:14
2025-09-11 06:30:11
downloads
int64
0
223M
likes
int64
0
11.7k
library_name
stringclasses
555 values
tags
listlengths
1
4.05k
pipeline_tag
stringclasses
55 values
createdAt
timestamp[us, tz=UTC]date
2022-03-02 23:29:04
2025-09-11 06:29:58
card
stringlengths
11
1.01M
tdobrxl/ClinicBERT
tdobrxl
2022-09-21T22:27:34Z
196
0
transformers
[ "transformers", "pytorch", "roberta", "fill-mask", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2022-07-27T16:18:35Z
ClinicBERT has the same architecture of RoBERTa model. It has been trained on clinical text and can be used for feature extraction from textual data. ## How to use ### Feature Extraction ``` from transformers import RobertaModel, RobertaTokenizer model = RobertaModel.from_pretrained("tdobrxl/ClinicBERT") tokenizer = RobertaTokenizer.from_pretrained("tdobrxl/ClinicBERT") text = "Randomized Study of Shark Cartilage in Patients With Breast Cancer." last_hidden_state, pooler_output = model(tokenizer.encode(text, return_tensors="pt")).last_hidden_state, model(tokenizer.encode(text, return_tensors="pt")).pooler_output ``` ### Masked Word Prediction ``` from transformers import pipeline fill_mask = pipeline("fill-mask", model="tdobrxl/ClinicBERT", tokenizer="tdobrxl/ClinicBERT") text = "this is the start of a beautiful <mask>." fill_mask(text) ``` ```[{'score': 0.26558592915534973, 'token': 363, 'token_str': ' study', 'sequence': 'this is the start of a beautiful study.'}, {'score': 0.06330082565546036, 'token': 2010, 'token_str': ' procedure', 'sequence': 'this is the start of a beautiful procedure.'}, {'score': 0.04393036663532257, 'token': 661, 'token_str': ' trial', 'sequence': 'this is the start of a beautiful trial.'}, {'score': 0.0363750196993351, 'token': 839, 'token_str': ' period', 'sequence': 'this is the start of a beautiful period.'}, {'score': 0.027248281985521317, 'token': 436, 'token_str': ' treatment', 'sequence': 'this is the start of a beautiful treatment.'}```
CShorten/CORD-19-Title-Abstracts-1-more-epoch
CShorten
2022-09-21T22:11:59Z
6
0
sentence-transformers
[ "sentence-transformers", "pytorch", "bert", "feature-extraction", "sentence-similarity", "autotrain_compatible", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T22:11:52Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity --- # CShorten/CORD-19-Title-Abstracts-1-more-epoch This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 384 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('CShorten/CORD-19-Title-Abstracts-1-more-epoch') embeddings = model.encode(sentences) print(embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=CShorten/CORD-19-Title-Abstracts-1-more-epoch) ## Training The model was trained with the parameters: **DataLoader**: `torch.utils.data.dataloader.DataLoader` of length 3750 with parameters: ``` {'batch_size': 32, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'} ``` **Loss**: `sentence_transformers.losses.MultipleNegativesRankingLoss.MultipleNegativesRankingLoss` with parameters: ``` {'scale': 20.0, 'similarity_fct': 'cos_sim'} ``` Parameters of the fit()-Method: ``` { "epochs": 1, "evaluation_steps": 0, "evaluator": "NoneType", "max_grad_norm": 1, "optimizer_class": "<class 'torch.optim.adamw.AdamW'>", "optimizer_params": { "lr": 2e-05 }, "scheduler": "WarmupLinear", "steps_per_epoch": null, "warmup_steps": 10000, "weight_decay": 0.01 } ``` ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 256, 'do_lower_case': False}) with Transformer model: BertModel (1): Pooling({'word_embedding_dimension': 384, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) (2): Normalize() ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
research-backup/roberta-large-semeval2012-average-no-mask-prompt-b-nce-classification
research-backup
2022-09-21T22:04:56Z
105
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T21:32:25Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-average-no-mask-prompt-b-nce-classification results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8020238095238095 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.516042780748663 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5281899109792285 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.632017787659811 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.724 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.4342105263157895 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5069444444444444 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9034202199789061 - name: F1 (macro) type: f1_macro value: 0.893273397921436 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8342723004694835 - name: F1 (macro) type: f1_macro value: 0.6453699846432566 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6581798483206934 - name: F1 (macro) type: f1_macro value: 0.640639393261134 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9604228976838005 - name: F1 (macro) type: f1_macro value: 0.8814339609725079 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8909432779692886 - name: F1 (macro) type: f1_macro value: 0.8914692333897629 --- # relbert/roberta-large-semeval2012-average-no-mask-prompt-b-nce-classification RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-b-nce-classification/raw/main/analogy.json)): - Accuracy on SAT (full): 0.516042780748663 - Accuracy on SAT: 0.5281899109792285 - Accuracy on BATS: 0.632017787659811 - Accuracy on U2: 0.4342105263157895 - Accuracy on U4: 0.5069444444444444 - Accuracy on Google: 0.724 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-b-nce-classification/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9034202199789061 - Micro F1 score on CogALexV: 0.8342723004694835 - Micro F1 score on EVALution: 0.6581798483206934 - Micro F1 score on K&H+N: 0.9604228976838005 - Micro F1 score on ROOT09: 0.8909432779692886 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-b-nce-classification/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8020238095238095 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-average-no-mask-prompt-b-nce-classification") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average_no_mask - data: relbert/semeval2012_relational_similarity - split: train - data_eval: relbert/conceptnet_high_confidence - split_eval: full - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <obj> is <subj>'s <mask> - loss_function: nce_logout - classification_loss: True - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 30 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - exclude_relation_eval: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-b-nce-classification/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
sd-concepts-library/maus
sd-concepts-library
2022-09-21T21:54:54Z
0
0
null
[ "license:mit", "region:us" ]
null
2022-09-21T21:54:41Z
--- license: mit --- ### maus on Stable Diffusion This is the `<Maus>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<Maus> 0](https://huggingface.co/sd-concepts-library/maus/resolve/main/concept_images/0.jpeg) ![<Maus> 1](https://huggingface.co/sd-concepts-library/maus/resolve/main/concept_images/2.jpeg) ![<Maus> 2](https://huggingface.co/sd-concepts-library/maus/resolve/main/concept_images/1.jpeg)
omarques/autotrain-dogs-and-cats-1527055142
omarques
2022-09-21T21:38:24Z
267
2
transformers
[ "transformers", "pytorch", "autotrain", "vision", "image-classification", "dataset:omarques/autotrain-data-dogs-and-cats", "co2_eq_emissions", "endpoints_compatible", "region:us" ]
image-classification
2022-09-21T21:37:41Z
--- tags: - autotrain - vision - image-classification datasets: - omarques/autotrain-data-dogs-and-cats widget: - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/tiger.jpg example_title: Tiger - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/teapot.jpg example_title: Teapot - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/palace.jpg example_title: Palace co2_eq_emissions: emissions: 0.8187420113922029 --- # Model Trained Using AutoTrain - Problem type: Binary Classification - Model ID: 1527055142 - CO2 Emissions (in grams): 0.8187 ## Validation Metrics - Loss: 0.068 - Accuracy: 1.000 - Precision: 1.000 - Recall: 1.000 - AUC: 1.000 - F1: 1.000
research-backup/roberta-large-semeval2012-average-no-mask-prompt-a-nce-classification
research-backup
2022-09-21T21:32:20Z
106
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T20:57:48Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-average-no-mask-prompt-a-nce-classification results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.7825793650793651 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.3342245989304813 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.33827893175074186 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.3968871595330739 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.592 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.3201754385964912 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.3125 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9022148561096881 - name: F1 (macro) type: f1_macro value: 0.8962429050248129 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8049295774647888 - name: F1 (macro) type: f1_macro value: 0.6122481358269966 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.652762730227519 - name: F1 (macro) type: f1_macro value: 0.6101323743101166 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9603533421437018 - name: F1 (macro) type: f1_macro value: 0.8709644325592566 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8874960827326857 - name: F1 (macro) type: f1_macro value: 0.8864394662565577 --- # relbert/roberta-large-semeval2012-average-no-mask-prompt-a-nce-classification RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-a-nce-classification/raw/main/analogy.json)): - Accuracy on SAT (full): 0.3342245989304813 - Accuracy on SAT: 0.33827893175074186 - Accuracy on BATS: 0.3968871595330739 - Accuracy on U2: 0.3201754385964912 - Accuracy on U4: 0.3125 - Accuracy on Google: 0.592 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-a-nce-classification/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9022148561096881 - Micro F1 score on CogALexV: 0.8049295774647888 - Micro F1 score on EVALution: 0.652762730227519 - Micro F1 score on K&H+N: 0.9603533421437018 - Micro F1 score on ROOT09: 0.8874960827326857 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-a-nce-classification/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.7825793650793651 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-average-no-mask-prompt-a-nce-classification") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average_no_mask - data: relbert/semeval2012_relational_similarity - split: train - data_eval: relbert/conceptnet_high_confidence - split_eval: full - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <subj> is the <mask> of <obj> - loss_function: nce_logout - classification_loss: True - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 1 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - exclude_relation_eval: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-a-nce-classification/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
sd-concepts-library/puerquis-toy
sd-concepts-library
2022-09-21T21:27:16Z
0
0
null
[ "license:mit", "region:us" ]
null
2022-09-21T21:27:12Z
--- license: mit --- ### Puerquis toy on Stable Diffusion This is the `<puerquis>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<puerquis> 0](https://huggingface.co/sd-concepts-library/puerquis-toy/resolve/main/concept_images/4.jpeg) ![<puerquis> 1](https://huggingface.co/sd-concepts-library/puerquis-toy/resolve/main/concept_images/0.jpeg) ![<puerquis> 2](https://huggingface.co/sd-concepts-library/puerquis-toy/resolve/main/concept_images/3.jpeg) ![<puerquis> 3](https://huggingface.co/sd-concepts-library/puerquis-toy/resolve/main/concept_images/2.jpeg) ![<puerquis> 4](https://huggingface.co/sd-concepts-library/puerquis-toy/resolve/main/concept_images/1.jpeg)
research-backup/roberta-large-semeval2012-average-prompt-e-nce-classification
research-backup
2022-09-21T20:57:42Z
106
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T20:26:28Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-average-prompt-e-nce-classification results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.75625 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5213903743315508 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5222551928783383 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6292384658143413 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.768 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.4649122807017544 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5277777777777778 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9121591080307367 - name: F1 (macro) type: f1_macro value: 0.9078493464517976 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8328638497652581 - name: F1 (macro) type: f1_macro value: 0.643974348342842 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.652762730227519 - name: F1 (macro) type: f1_macro value: 0.6418800744019266 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9641093413090353 - name: F1 (macro) type: f1_macro value: 0.889375508685358 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8827953619554998 - name: F1 (macro) type: f1_macro value: 0.8807348541974301 --- # relbert/roberta-large-semeval2012-average-prompt-e-nce-classification RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-e-nce-classification/raw/main/analogy.json)): - Accuracy on SAT (full): 0.5213903743315508 - Accuracy on SAT: 0.5222551928783383 - Accuracy on BATS: 0.6292384658143413 - Accuracy on U2: 0.4649122807017544 - Accuracy on U4: 0.5277777777777778 - Accuracy on Google: 0.768 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-e-nce-classification/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9121591080307367 - Micro F1 score on CogALexV: 0.8328638497652581 - Micro F1 score on EVALution: 0.652762730227519 - Micro F1 score on K&H+N: 0.9641093413090353 - Micro F1 score on ROOT09: 0.8827953619554998 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-e-nce-classification/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.75625 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-average-prompt-e-nce-classification") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average - data: relbert/semeval2012_relational_similarity - split: train - data_eval: relbert/conceptnet_high_confidence - split_eval: full - template_mode: manual - template: I wasn’t aware of this relationship, but I just read in the encyclopedia that <obj> is <subj>’s <mask> - loss_function: nce_logout - classification_loss: True - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 30 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - exclude_relation_eval: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-e-nce-classification/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
CommunityLM/democrat-twitter-gpt2
CommunityLM
2022-09-21T20:57:24Z
109
0
transformers
[ "transformers", "pytorch", "gpt2", "text-generation", "arxiv:2209.07065", "license:cc-by-nc-4.0", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2022-09-21T19:20:53Z
--- license: cc-by-nc-4.0 --- ## Model Specification - This is the **Democratic** community GPT-2 language model, fine-tuned on 4.7M (~100M tokens) tweets of Democratic Twitter users between 2019-01-01 and 2020-04-10. - For more details about the `CommunityLM` project, please refer to this [our paper](https://arxiv.org/abs/2209.07065) and [github](https://github.com/hjian42/communitylm) page. - In the paper, it is referred as the `Fine-tuned CommunityLM` for the Democratic Twitter community. ## How to use the model - **PRE-PROCESSING**: when you apply the model on tweets, please make sure that tweets are preprocessed by the [TweetTokenizer](https://github.com/VinAIResearch/BERTweet/blob/master/TweetNormalizer.py) to get the best performance. ```python from transformers import AutoTokenizer, AutoModelForCausalLM tokenizer = AutoTokenizer.from_pretrained("CommunityLM/republican-twitter-gpt2") model = AutoModelForCausalLM.from_pretrained("CommunityLM/republican-twitter-gpt2") ``` ## References If you use this repository in your research, please kindly cite [our paper](https://arxiv.org/abs/2209.07065): ```bibtex @inproceedings{jiang-etal-2022-communitylm, title = "CommunityLM: Probing Partisan Worldviews from Language Models", author = {Jiang, Hang and Beeferman, Doug and Roy, Brandon and Roy, Deb}, booktitle = "Proceedings of the 29th International Conference on Computational Linguistics", year = "2022", publisher = "International Committee on Computational Linguistics", } ```
blmnk/distilbert-base-uncased-finetuned-emotion
blmnk
2022-09-21T20:46:31Z
105
0
transformers
[ "transformers", "pytorch", "tensorboard", "distilbert", "text-classification", "generated_from_trainer", "dataset:emotion", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-09-21T20:19:02Z
--- license: apache-2.0 tags: - generated_from_trainer datasets: - emotion metrics: - accuracy - f1 model-index: - name: distilbert-base-uncased-finetuned-emotion results: - task: name: Text Classification type: text-classification dataset: name: emotion type: emotion args: default metrics: - name: Accuracy type: accuracy value: 0.896 - name: F1 type: f1 value: 0.8927988574486181 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # distilbert-base-uncased-finetuned-emotion This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the emotion dataset. It achieves the following results on the evaluation set: - Loss: 0.3821 - Accuracy: 0.896 - F1: 0.8928 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 128 - eval_batch_size: 128 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 2 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | F1 | |:-------------:|:-----:|:----:|:---------------:|:--------:|:------:| | No log | 1.0 | 125 | 0.6029 | 0.7985 | 0.7597 | | 0.7905 | 2.0 | 250 | 0.3821 | 0.896 | 0.8928 | ### Framework versions - Transformers 4.11.3 - Pytorch 1.12.1 - Datasets 1.16.1 - Tokenizers 0.10.3
research-backup/roberta-large-semeval2012-average-prompt-d-nce-classification
research-backup
2022-09-21T20:26:23Z
104
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T19:55:11Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-average-prompt-d-nce-classification results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8500396825396825 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5828877005347594 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6023738872403561 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6170094496942746 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.842 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5219298245614035 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5347222222222222 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9127617899653457 - name: F1 (macro) type: f1_macro value: 0.9077484042036353 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8523474178403756 - name: F1 (macro) type: f1_macro value: 0.6871561847645433 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.676056338028169 - name: F1 (macro) type: f1_macro value: 0.6699220665498732 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9604228976838005 - name: F1 (macro) type: f1_macro value: 0.8725502582807458 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8865559385772485 - name: F1 (macro) type: f1_macro value: 0.8814062245146053 --- # relbert/roberta-large-semeval2012-average-prompt-d-nce-classification RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-d-nce-classification/raw/main/analogy.json)): - Accuracy on SAT (full): 0.5828877005347594 - Accuracy on SAT: 0.6023738872403561 - Accuracy on BATS: 0.6170094496942746 - Accuracy on U2: 0.5219298245614035 - Accuracy on U4: 0.5347222222222222 - Accuracy on Google: 0.842 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-d-nce-classification/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9127617899653457 - Micro F1 score on CogALexV: 0.8523474178403756 - Micro F1 score on EVALution: 0.676056338028169 - Micro F1 score on K&H+N: 0.9604228976838005 - Micro F1 score on ROOT09: 0.8865559385772485 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-d-nce-classification/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8500396825396825 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-average-prompt-d-nce-classification") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average - data: relbert/semeval2012_relational_similarity - split: train - data_eval: relbert/conceptnet_high_confidence - split_eval: full - template_mode: manual - template: I wasn’t aware of this relationship, but I just read in the encyclopedia that <subj> is the <mask> of <obj> - loss_function: nce_logout - classification_loss: True - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 30 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - exclude_relation_eval: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-d-nce-classification/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
sd-concepts-library/half-life-2-dog
sd-concepts-library
2022-09-21T19:21:07Z
0
0
null
[ "license:mit", "region:us" ]
null
2022-09-21T19:21:02Z
--- license: mit --- ### Half-Life 2 Dog on Stable Diffusion This is the `<hl-dog>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<hl-dog> 0](https://huggingface.co/sd-concepts-library/half-life-2-dog/resolve/main/concept_images/1.jpeg) ![<hl-dog> 1](https://huggingface.co/sd-concepts-library/half-life-2-dog/resolve/main/concept_images/2.jpeg) ![<hl-dog> 2](https://huggingface.co/sd-concepts-library/half-life-2-dog/resolve/main/concept_images/0.jpeg) ![<hl-dog> 3](https://huggingface.co/sd-concepts-library/half-life-2-dog/resolve/main/concept_images/3.jpeg)
research-backup/roberta-large-semeval2012-average-prompt-b-nce-classification
research-backup
2022-09-21T19:15:01Z
103
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T18:42:00Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-average-prompt-b-nce-classification results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8162698412698413 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.4732620320855615 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.49258160237388726 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5986659255141745 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.686 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.44298245614035087 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.4930555555555556 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9085430164230828 - name: F1 (macro) type: f1_macro value: 0.9029499017420614 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8359154929577466 - name: F1 (macro) type: f1_macro value: 0.6401332628753275 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6581798483206934 - name: F1 (macro) type: f1_macro value: 0.6411620033399844 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9586840091813313 - name: F1 (macro) type: f1_macro value: 0.8809925441051085 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8824819805703541 - name: F1 (macro) type: f1_macro value: 0.877314171779575 --- # relbert/roberta-large-semeval2012-average-prompt-b-nce-classification RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-b-nce-classification/raw/main/analogy.json)): - Accuracy on SAT (full): 0.4732620320855615 - Accuracy on SAT: 0.49258160237388726 - Accuracy on BATS: 0.5986659255141745 - Accuracy on U2: 0.44298245614035087 - Accuracy on U4: 0.4930555555555556 - Accuracy on Google: 0.686 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-b-nce-classification/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9085430164230828 - Micro F1 score on CogALexV: 0.8359154929577466 - Micro F1 score on EVALution: 0.6581798483206934 - Micro F1 score on K&H+N: 0.9586840091813313 - Micro F1 score on ROOT09: 0.8824819805703541 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-b-nce-classification/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8162698412698413 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-average-prompt-b-nce-classification") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average - data: relbert/semeval2012_relational_similarity - split: train - data_eval: relbert/conceptnet_high_confidence - split_eval: full - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <obj> is <subj>'s <mask> - loss_function: nce_logout - classification_loss: True - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 30 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - exclude_relation_eval: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-b-nce-classification/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
pritamdeka/S-BioBert-snli-multinli-stsb
pritamdeka
2022-09-21T18:59:33Z
2,681
5
sentence-transformers
[ "sentence-transformers", "pytorch", "bert", "feature-extraction", "sentence-similarity", "transformers", "autotrain_compatible", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-03-02T23:29:05Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity - transformers --- # S-BioBert-snli-multinli-stsb This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('pritamdeka/S-BioBert-snli-multinli-stsb') embeddings = model.encode(sentences) print(embeddings) ``` ## Usage (HuggingFace Transformers) Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings. ```python from transformers import AutoTokenizer, AutoModel import torch #Mean Pooling - Take attention mask into account for correct averaging def mean_pooling(model_output, attention_mask): token_embeddings = model_output[0] #First element of model_output contains all token embeddings input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float() return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9) # Sentences we want sentence embeddings for sentences = ['This is an example sentence', 'Each sentence is converted'] # Load model from HuggingFace Hub tokenizer = AutoTokenizer.from_pretrained('pritamdeka/S-BioBert-snli-multinli-stsb') model = AutoModel.from_pretrained('pritamdeka/S-BioBert-snli-multinli-stsb') # Tokenize sentences encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt') # Compute token embeddings with torch.no_grad(): model_output = model(**encoded_input) # Perform pooling. In this case, max pooling. sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask']) print("Sentence embeddings:") print(sentence_embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name={MODEL_NAME}) ## Training The model was trained with the parameters: **DataLoader**: `torch.utils.data.dataloader.DataLoader` of length 90 with parameters: ``` {'batch_size': 64, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'} ``` **Loss**: `sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss` Parameters of the fit()-Method: ``` { "callback": null, "epochs": 4, "evaluation_steps": 1000, "evaluator": "sentence_transformers.evaluation.EmbeddingSimilarityEvaluator.EmbeddingSimilarityEvaluator", "max_grad_norm": 1, "optimizer_class": "<class 'transformers.optimization.AdamW'>", "optimizer_params": { "lr": 2e-05 }, "scheduler": "WarmupLinear", "steps_per_epoch": null, "warmup_steps": 36, "weight_decay": 0.01 } ``` ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 75, 'do_lower_case': False}) with Transformer model: BertModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) ) ``` ## Citing & Authors <!--- Describe where people can find more information --> If you use the model kindly cite the following work ``` @inproceedings{deka2021unsupervised, title={Unsupervised Keyword Combination Query Generation from Online Health Related Content for Evidence-Based Fact Checking}, author={Deka, Pritam and Jurek-Loughrey, Anna}, booktitle={The 23rd International Conference on Information Integration and Web Intelligence}, pages={267--277}, year={2021} } ```
sd-concepts-library/darkplane
sd-concepts-library
2022-09-21T18:37:08Z
0
0
null
[ "license:mit", "region:us" ]
null
2022-09-21T18:36:56Z
--- license: mit --- ### DarkPlane on Stable Diffusion This is the `<DarkPlane>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as a `style`: ![<DarkPlane> 0](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/9.jpeg) ![<DarkPlane> 1](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/10.jpeg) ![<DarkPlane> 2](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/7.jpeg) ![<DarkPlane> 3](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/1.jpeg) ![<DarkPlane> 4](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/2.jpeg) ![<DarkPlane> 5](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/8.jpeg) ![<DarkPlane> 6](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/0.jpeg) ![<DarkPlane> 7](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/20.jpeg) ![<DarkPlane> 8](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/17.jpeg) ![<DarkPlane> 9](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/12.jpeg) ![<DarkPlane> 10](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/3.jpeg) ![<DarkPlane> 11](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/11.jpeg) ![<DarkPlane> 12](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/4.jpeg) ![<DarkPlane> 13](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/19.jpeg) ![<DarkPlane> 14](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/13.jpeg) ![<DarkPlane> 15](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/5.jpeg) ![<DarkPlane> 16](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/15.jpeg) ![<DarkPlane> 17](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/18.jpeg) ![<DarkPlane> 18](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/14.jpeg) ![<DarkPlane> 19](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/16.jpeg) ![<DarkPlane> 20](https://huggingface.co/sd-concepts-library/darkplane/resolve/main/concept_images/6.jpeg)
sd-concepts-library/babau
sd-concepts-library
2022-09-21T18:14:34Z
0
1
null
[ "license:mit", "region:us" ]
null
2022-09-21T18:14:21Z
--- license: mit --- ### Babau on Stable Diffusion This is the `<babau>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<babau> 0](https://huggingface.co/sd-concepts-library/babau/resolve/main/concept_images/1.jpeg) ![<babau> 1](https://huggingface.co/sd-concepts-library/babau/resolve/main/concept_images/2.jpeg) ![<babau> 2](https://huggingface.co/sd-concepts-library/babau/resolve/main/concept_images/0.jpeg) ![<babau> 3](https://huggingface.co/sd-concepts-library/babau/resolve/main/concept_images/3.jpeg) ![<babau> 4](https://huggingface.co/sd-concepts-library/babau/resolve/main/concept_images/4.jpeg)
xzmZEW/batman
xzmZEW
2022-09-21T18:12:07Z
0
0
null
[ "license:creativeml-openrail-m", "region:us" ]
null
2022-09-21T18:12:07Z
--- license: creativeml-openrail-m ---
osanseviero/da_core_news_sm
osanseviero
2022-09-21T17:43:59Z
1
0
spacy
[ "spacy", "token-classification", "da", "license:cc-by-sa-4.0", "model-index", "region:us" ]
token-classification
2022-03-02T23:29:05Z
--- tags: - spacy - token-classification language: - da license: cc-by-sa-4.0 model-index: - name: da_core_news_sm results: - task: name: NER type: token-classification metrics: - name: NER Precision type: precision value: 0.7570498915 - name: NER Recall type: recall value: 0.7270833333 - name: NER F Score type: f_score value: 0.7417640808 - task: name: TAG type: token-classification metrics: - name: TAG (XPOS) Accuracy type: accuracy value: 0.9498765073 - task: name: POS type: token-classification metrics: - name: POS (UPOS) Accuracy type: accuracy value: 0.9498765073 - task: name: MORPH type: token-classification metrics: - name: Morph (UFeats) Accuracy type: accuracy value: 0.9343341404 - task: name: LEMMA type: token-classification metrics: - name: Lemma Accuracy type: accuracy value: 0.9449878935 - task: name: UNLABELED_DEPENDENCIES type: token-classification metrics: - name: Unlabeled Attachment Score (UAS) type: f_score value: 0.7988826816 - task: name: LABELED_DEPENDENCIES type: token-classification metrics: - name: Labeled Attachment Score (LAS) type: f_score value: 0.752849162 - task: name: SENTS type: token-classification metrics: - name: Sentences F-Score type: f_score value: 0.884097035 --- ### Details: https://spacy.io/models/da#da_core_news_sm Danish pipeline optimized for CPU. Components: tok2vec, morphologizer, parser, lemmatizer (trainable_lemmatizer), senter, ner, attribute_ruler. | Feature | Description | | --- | --- | | **Name** | `da_core_news_sm` | | **Version** | `3.4.0` | | **spaCy** | `>=3.4.0,<3.5.0` | | **Default Pipeline** | `tok2vec`, `morphologizer`, `parser`, `lemmatizer`, `attribute_ruler`, `ner` | | **Components** | `tok2vec`, `morphologizer`, `parser`, `lemmatizer`, `senter`, `attribute_ruler`, `ner` | | **Vectors** | 0 keys, 0 unique vectors (0 dimensions) | | **Sources** | [UD Danish DDT v2.8](https://github.com/UniversalDependencies/UD_Danish-DDT) (Johannsen, Anders; Martínez Alonso, Héctor; Plank, Barbara)<br />[DaNE](https://github.com/alexandrainst/danlp/blob/master/docs/datasets.md#danish-dependency-treebank-dane) (Rasmus Hvingelby, Amalie B. Pauli, Maria Barrett, Christina Rosted, Lasse M. Lidegaard, Anders Søgaard) | | **License** | `CC BY-SA 4.0` | | **Author** | [Explosion](https://explosion.ai) | ### Label Scheme <details> <summary>View label scheme (194 labels for 3 components)</summary> | Component | Labels | | --- | --- | | **`morphologizer`** | `AdpType=Prep\|POS=ADP`, `Definite=Ind\|Gender=Com\|Number=Sing\|POS=NOUN`, `Mood=Ind\|POS=AUX\|Tense=Pres\|VerbForm=Fin\|Voice=Act`, `POS=PROPN`, `Definite=Ind\|Number=Sing\|POS=VERB\|Tense=Past\|VerbForm=Part`, `Definite=Def\|Gender=Neut\|Number=Sing\|POS=NOUN`, `POS=SCONJ`, `Definite=Def\|Gender=Com\|Number=Sing\|POS=NOUN`, `Mood=Ind\|POS=VERB\|Tense=Pres\|VerbForm=Fin\|Voice=Act`, `POS=ADV`, `Number=Plur\|POS=DET\|PronType=Dem`, `Degree=Pos\|Number=Plur\|POS=ADJ`, `Definite=Ind\|Gender=Com\|Number=Plur\|POS=NOUN`, `POS=PUNCT`, `POS=CCONJ`, `Definite=Ind\|Degree=Cmp\|Number=Sing\|POS=ADJ`, `Degree=Cmp\|POS=ADJ`, `POS=PRON\|PartType=Inf`, `Gender=Com\|Number=Sing\|POS=DET\|PronType=Ind`, `Definite=Ind\|Degree=Pos\|Number=Sing\|POS=ADJ`, `Case=Acc\|Gender=Neut\|Number=Sing\|POS=PRON\|Person=3\|PronType=Prs`, `Definite=Ind\|Gender=Neut\|Number=Plur\|POS=NOUN`, `Definite=Def\|Degree=Pos\|Number=Sing\|POS=ADJ`, `Gender=Neut\|Number=Sing\|POS=DET\|PronType=Dem`, `Degree=Pos\|POS=ADV`, `Definite=Def\|Number=Sing\|POS=VERB\|Tense=Past\|VerbForm=Part`, `Definite=Ind\|Gender=Neut\|Number=Sing\|POS=NOUN`, `POS=PRON\|PronType=Dem`, `NumType=Card\|POS=NUM`, `Definite=Ind\|Degree=Pos\|Gender=Neut\|Number=Sing\|POS=ADJ`, `Case=Acc\|Gender=Com\|Number=Sing\|POS=PRON\|Person=3\|PronType=Prs`, `Degree=Pos\|Gender=Com\|Number=Sing\|POS=ADJ`, `Case=Nom\|Gender=Com\|Number=Sing\|POS=PRON\|Person=3\|PronType=Prs`, `NumType=Ord\|POS=ADJ`, `Gender=Com\|Number=Sing\|Number[psor]=Sing\|POS=DET\|Person=3\|Poss=Yes\|PronType=Prs\|Reflex=Yes`, `Mood=Ind\|POS=AUX\|Tense=Past\|VerbForm=Fin\|Voice=Act`, `POS=VERB\|VerbForm=Inf\|Voice=Act`, `Mood=Ind\|POS=VERB\|Tense=Past\|VerbForm=Fin\|Voice=Act`, `POS=NOUN`, `Mood=Ind\|POS=VERB\|Tense=Pres\|VerbForm=Fin\|Voice=Pass`, `POS=ADP\|PartType=Inf`, `Degree=Pos\|POS=ADJ`, `Definite=Def\|Gender=Com\|Number=Plur\|POS=NOUN`, `Number[psor]=Sing\|POS=DET\|Person=3\|Poss=Yes\|PronType=Prs`, `Case=Gen\|Definite=Def\|Gender=Com\|Number=Sing\|POS=NOUN`, `POS=AUX\|VerbForm=Inf\|Voice=Act`, `Definite=Ind\|Degree=Pos\|Gender=Com\|Number=Sing\|POS=ADJ`, `Gender=Com\|Number=Sing\|POS=DET\|PronType=Dem`, `Number=Plur\|POS=DET\|PronType=Ind`, `Gender=Com\|Number=Sing\|POS=PRON\|PronType=Ind`, `Case=Acc\|POS=PRON\|Person=3\|PronType=Prs\|Reflex=Yes`, `POS=PART\|PartType=Inf`, `Gender=Neut\|Number=Sing\|POS=DET\|PronType=Ind`, `Case=Acc\|Number=Plur\|POS=PRON\|Person=3\|PronType=Prs`, `Case=Gen\|Definite=Def\|Gender=Neut\|Number=Sing\|POS=NOUN`, `Case=Nom\|Number=Plur\|POS=PRON\|Person=3\|PronType=Prs`, `Case=Nom\|Gender=Com\|Number=Sing\|POS=PRON\|Person=1\|PronType=Prs`, `Case=Nom\|Gender=Com\|POS=PRON\|PronType=Ind`, `Gender=Neut\|Number=Sing\|POS=PRON\|PronType=Ind`, `Mood=Imp\|POS=VERB`, `Gender=Com\|Number=Sing\|Number[psor]=Sing\|POS=DET\|Person=1\|Poss=Yes\|PronType=Prs`, `Definite=Ind\|Number=Sing\|POS=AUX\|Tense=Past\|VerbForm=Part`, `POS=X`, `Case=Nom\|Gender=Com\|Number=Plur\|POS=PRON\|Person=1\|PronType=Prs`, `Case=Gen\|Definite=Def\|Gender=Com\|Number=Plur\|POS=NOUN`, `POS=VERB\|Tense=Pres\|VerbForm=Part`, `Number=Plur\|POS=PRON\|PronType=Int,Rel`, `POS=VERB\|VerbForm=Inf\|Voice=Pass`, `Case=Gen\|Definite=Ind\|Gender=Com\|Number=Sing\|POS=NOUN`, `Degree=Cmp\|POS=ADV`, `POS=ADV\|PartType=Inf`, `Degree=Sup\|POS=ADV`, `Number=Plur\|POS=PRON\|PronType=Dem`, `Number=Plur\|POS=PRON\|PronType=Ind`, `Definite=Def\|Gender=Neut\|Number=Plur\|POS=NOUN`, `Case=Acc\|Gender=Com\|Number=Sing\|POS=PRON\|Person=1\|PronType=Prs`, `Case=Gen\|POS=PROPN`, `POS=ADP`, `Degree=Cmp\|Number=Plur\|POS=ADJ`, `Definite=Def\|Degree=Sup\|POS=ADJ`, `Gender=Neut\|Number=Sing\|Number[psor]=Sing\|POS=DET\|Person=1\|Poss=Yes\|PronType=Prs`, `Degree=Pos\|Number=Sing\|POS=ADJ`, `Number=Plur\|Number[psor]=Sing\|POS=DET\|Person=3\|Poss=Yes\|PronType=Prs\|Reflex=Yes`, `Gender=Com\|Number=Sing\|Number[psor]=Plur\|POS=DET\|Person=1\|Poss=Yes\|PronType=Prs\|Style=Form`, `Number=Plur\|POS=PRON\|PronType=Rcp`, `Case=Gen\|Degree=Cmp\|POS=ADJ`, `POS=SPACE`, `Case=Gen\|Definite=Def\|Gender=Neut\|Number=Plur\|POS=NOUN`, `Number[psor]=Plur\|POS=DET\|Person=3\|Poss=Yes\|PronType=Prs`, `POS=INTJ`, `Number=Plur\|Number[psor]=Sing\|POS=DET\|Person=1\|Poss=Yes\|PronType=Prs`, `Degree=Pos\|Gender=Neut\|Number=Sing\|POS=ADJ`, `Gender=Neut\|Number=Sing\|Number[psor]=Plur\|POS=DET\|Person=1\|Poss=Yes\|PronType=Prs\|Style=Form`, `Case=Acc\|Gender=Com\|Number=Sing\|POS=PRON\|Person=2\|PronType=Prs`, `Gender=Com\|Number=Sing\|Number[psor]=Sing\|POS=DET\|Person=2\|Poss=Yes\|PronType=Prs`, `Case=Gen\|Definite=Ind\|Gender=Neut\|Number=Plur\|POS=NOUN`, `Number=Sing\|POS=PRON\|PronType=Int,Rel`, `Number=Plur\|Number[psor]=Plur\|POS=DET\|Person=1\|Poss=Yes\|PronType=Prs\|Style=Form`, `Gender=Neut\|Number=Sing\|POS=PRON\|PronType=Int,Rel`, `Definite=Def\|Degree=Sup\|Number=Plur\|POS=ADJ`, `Case=Nom\|Gender=Com\|Number=Sing\|POS=PRON\|Person=2\|PronType=Prs`, `Gender=Neut\|Number=Sing\|Number[psor]=Sing\|POS=DET\|Person=3\|Poss=Yes\|PronType=Prs\|Reflex=Yes`, `Definite=Ind\|Number=Sing\|POS=NOUN`, `Number=Plur\|POS=VERB\|Tense=Past\|VerbForm=Part`, `Number=Plur\|Number[psor]=Sing\|POS=PRON\|Person=3\|Poss=Yes\|PronType=Prs\|Reflex=Yes`, `POS=SYM`, `Case=Nom\|Gender=Com\|POS=PRON\|Person=2\|Polite=Form\|PronType=Prs`, `Degree=Sup\|POS=ADJ`, `Number=Plur\|POS=DET\|PronType=Ind\|Style=Arch`, `Case=Gen\|Gender=Com\|Number=Sing\|POS=DET\|PronType=Dem`, `Foreign=Yes\|POS=X`, `POS=DET\|Person=2\|Polite=Form\|Poss=Yes\|PronType=Prs`, `Gender=Neut\|Number=Sing\|POS=PRON\|PronType=Dem`, `Case=Acc\|Gender=Com\|Number=Plur\|POS=PRON\|Person=1\|PronType=Prs`, `Case=Gen\|Definite=Ind\|Gender=Neut\|Number=Sing\|POS=NOUN`, `Case=Gen\|POS=PRON\|PronType=Int,Rel`, `Gender=Com\|Number=Sing\|POS=PRON\|PronType=Dem`, `Abbr=Yes\|POS=X`, `Case=Gen\|Definite=Ind\|Gender=Com\|Number=Plur\|POS=NOUN`, `Definite=Def\|Degree=Abs\|POS=ADJ`, `Definite=Ind\|Degree=Sup\|Number=Sing\|POS=ADJ`, `Definite=Ind\|POS=NOUN`, `Gender=Com\|Number=Plur\|POS=NOUN`, `Number[psor]=Plur\|POS=DET\|Person=1\|Poss=Yes\|PronType=Prs`, `Gender=Com\|POS=PRON\|PronType=Int,Rel`, `Case=Nom\|Gender=Com\|Number=Plur\|POS=PRON\|Person=2\|PronType=Prs`, `Degree=Abs\|POS=ADV`, `POS=VERB\|VerbForm=Ger`, `POS=VERB\|Tense=Past\|VerbForm=Part`, `Definite=Def\|Degree=Sup\|Number=Sing\|POS=ADJ`, `Number=Plur\|Number[psor]=Plur\|POS=PRON\|Person=1\|Poss=Yes\|PronType=Prs\|Style=Form`, `Case=Gen\|Definite=Def\|Degree=Pos\|Number=Sing\|POS=ADJ`, `Case=Gen\|Degree=Pos\|Number=Plur\|POS=ADJ`, `Case=Acc\|Gender=Com\|POS=PRON\|Person=2\|Polite=Form\|PronType=Prs`, `Gender=Com\|Number=Sing\|POS=PRON\|PronType=Int,Rel`, `POS=VERB\|Tense=Pres`, `Case=Gen\|Number=Plur\|POS=DET\|PronType=Ind`, `Number[psor]=Plur\|POS=DET\|Person=2\|Poss=Yes\|PronType=Prs`, `POS=PRON\|Person=2\|Polite=Form\|Poss=Yes\|PronType=Prs`, `Gender=Neut\|Number=Sing\|Number[psor]=Sing\|POS=DET\|Person=2\|Poss=Yes\|PronType=Prs`, `POS=AUX\|Tense=Pres\|VerbForm=Part`, `Mood=Ind\|POS=VERB\|Tense=Past\|VerbForm=Fin\|Voice=Pass`, `Gender=Com\|Number=Sing\|Number[psor]=Sing\|POS=PRON\|Person=3\|Poss=Yes\|PronType=Prs\|Reflex=Yes`, `Degree=Sup\|Number=Plur\|POS=ADJ`, `Case=Acc\|Gender=Com\|Number=Plur\|POS=PRON\|Person=2\|PronType=Prs`, `Gender=Neut\|Number=Sing\|Number[psor]=Sing\|POS=PRON\|Person=3\|Poss=Yes\|PronType=Prs\|Reflex=Yes`, `Definite=Ind\|Number=Plur\|POS=NOUN`, `Case=Gen\|Number=Plur\|POS=VERB\|Tense=Past\|VerbForm=Part`, `Mood=Imp\|POS=AUX`, `Gender=Com\|Number=Sing\|Number[psor]=Sing\|POS=PRON\|Person=1\|Poss=Yes\|PronType=Prs`, `Number[psor]=Sing\|POS=PRON\|Person=3\|Poss=Yes\|PronType=Prs`, `Definite=Def\|Gender=Com\|Number=Sing\|POS=VERB\|Tense=Past\|VerbForm=Part`, `Number=Plur\|Number[psor]=Sing\|POS=DET\|Person=2\|Poss=Yes\|PronType=Prs`, `Case=Gen\|Gender=Com\|Number=Sing\|POS=DET\|PronType=Ind`, `Case=Gen\|POS=NOUN`, `Number[psor]=Plur\|POS=PRON\|Person=3\|Poss=Yes\|PronType=Prs`, `POS=DET\|PronType=Dem`, `Definite=Def\|Number=Plur\|POS=NOUN` | | **`parser`** | `ROOT`, `acl:relcl`, `advcl`, `advmod`, `advmod:lmod`, `amod`, `appos`, `aux`, `case`, `cc`, `ccomp`, `compound:prt`, `conj`, `cop`, `dep`, `det`, `expl`, `fixed`, `flat`, `iobj`, `list`, `mark`, `nmod`, `nmod:poss`, `nsubj`, `nummod`, `obj`, `obl`, `obl:lmod`, `obl:tmod`, `punct`, `xcomp` | | **`ner`** | `LOC`, `MISC`, `ORG`, `PER` | </details> ### Accuracy | Type | Score | | --- | --- | | `TOKEN_ACC` | 99.95 | | `TOKEN_P` | 99.78 | | `TOKEN_R` | 99.75 | | `TOKEN_F` | 99.76 | | `POS_ACC` | 94.99 | | `MORPH_ACC` | 93.43 | | `MORPH_MICRO_P` | 95.72 | | `MORPH_MICRO_R` | 94.69 | | `MORPH_MICRO_F` | 95.20 | | `SENTS_P` | 89.62 | | `SENTS_R` | 87.23 | | `SENTS_F` | 88.41 | | `DEP_UAS` | 79.89 | | `DEP_LAS` | 75.28 | | `LEMMA_ACC` | 94.50 | | `TAG_ACC` | 94.99 | | `ENTS_P` | 75.70 | | `ENTS_R` | 72.71 | | `ENTS_F` | 74.18 |
research-backup/roberta-large-semeval2012-mask-prompt-d-nce-classification
research-backup
2022-09-21T17:31:01Z
103
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T16:59:47Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-mask-prompt-d-nce-classification results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.796765873015873 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6524064171122995 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6498516320474778 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7509727626459144 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.902 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6271929824561403 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.625 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9246647581738737 - name: F1 (macro) type: f1_macro value: 0.9201116139693363 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8826291079812206 - name: F1 (macro) type: f1_macro value: 0.74506786895136 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.7172264355362946 - name: F1 (macro) type: f1_macro value: 0.703292242462215 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9616748974055783 - name: F1 (macro) type: f1_macro value: 0.8934154139843127 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9094327796928863 - name: F1 (macro) type: f1_macro value: 0.906471425124189 --- # relbert/roberta-large-semeval2012-mask-prompt-d-nce-classification RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-d-nce-classification/raw/main/analogy.json)): - Accuracy on SAT (full): 0.6524064171122995 - Accuracy on SAT: 0.6498516320474778 - Accuracy on BATS: 0.7509727626459144 - Accuracy on U2: 0.6271929824561403 - Accuracy on U4: 0.625 - Accuracy on Google: 0.902 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-d-nce-classification/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9246647581738737 - Micro F1 score on CogALexV: 0.8826291079812206 - Micro F1 score on EVALution: 0.7172264355362946 - Micro F1 score on K&H+N: 0.9616748974055783 - Micro F1 score on ROOT09: 0.9094327796928863 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-d-nce-classification/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.796765873015873 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-mask-prompt-d-nce-classification") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: mask - data: relbert/semeval2012_relational_similarity - split: train - data_eval: relbert/conceptnet_high_confidence - split_eval: full - template_mode: manual - template: I wasn’t aware of this relationship, but I just read in the encyclopedia that <subj> is the <mask> of <obj> - loss_function: nce_logout - classification_loss: True - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 30 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - exclude_relation_eval: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-d-nce-classification/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
Harindu/identify-my-cat
Harindu
2022-09-21T17:04:49Z
0
0
fastai
[ "fastai", "region:us" ]
null
2022-09-21T17:04:39Z
--- tags: - fastai --- # Amazing! 🥳 Congratulations on hosting your fastai model on the Hugging Face Hub! # Some next steps 1. Fill out this model card with more information (see the template below and the [documentation here](https://huggingface.co/docs/hub/model-repos))! 2. Create a demo in Gradio or Streamlit using 🤗 Spaces ([documentation here](https://huggingface.co/docs/hub/spaces)). 3. Join the fastai community on the [Fastai Discord](https://discord.com/invite/YKrxeNn)! Greetings fellow fastlearner 🤝! Don't forget to delete this content from your model card. --- # Model card ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed
SzegedAI/charmen-electra
SzegedAI
2022-09-21T16:42:21Z
106
1
transformers
[ "transformers", "pytorch", "feature-extraction", "byte representation", "gradient boosting", "hungarian", "custom_code", "hu", "dataset:common_crawl", "dataset:wikipedia", "license:apache-2.0", "region:us" ]
feature-extraction
2022-08-27T10:17:26Z
--- language: hu license: apache-2.0 datasets: - common_crawl - wikipedia tags: - byte representation - gradient boosting - hungarian --- # Charmen-Electra A byte-based transformer model trained on Hungarian language. In order to use the model you will need a custom Tokenizer which is available at: [https://github.com/szegedai/byte-offset-tokenizer](https://github.com/szegedai/byte-offset-tokenizer). Since we use a custom architecture with Gradient Boosting, Down- and Up-Sampling, you have to enable Trusted Remote Code like: ```python model = AutoModel.from_pretrained("SzegedAI/charmen-electra", trust_remote_code=True) ``` # Acknowledgement [![Artificial Intelligence - National Laboratory - Hungary](https://milab.tk.hu/uploads/images/milab_logo_en.png)](https://mi.nemzetilabor.hu/)
sd-concepts-library/arcane-face
sd-concepts-library
2022-09-21T16:24:02Z
0
14
null
[ "license:mit", "region:us" ]
null
2022-09-21T16:23:56Z
--- license: mit --- ### arcane-face on Stable Diffusion This is the `<arcane-face>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as a `style`: ![<arcane-face> 0](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/9.jpeg) ![<arcane-face> 1](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/10.jpeg) ![<arcane-face> 2](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/7.jpeg) ![<arcane-face> 3](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/1.jpeg) ![<arcane-face> 4](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/2.jpeg) ![<arcane-face> 5](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/8.jpeg) ![<arcane-face> 6](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/0.jpeg) ![<arcane-face> 7](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/17.jpeg) ![<arcane-face> 8](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/12.jpeg) ![<arcane-face> 9](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/3.jpeg) ![<arcane-face> 10](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/11.jpeg) ![<arcane-face> 11](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/4.jpeg) ![<arcane-face> 12](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/19.jpeg) ![<arcane-face> 13](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/13.jpeg) ![<arcane-face> 14](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/5.jpeg) ![<arcane-face> 15](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/15.jpeg) ![<arcane-face> 16](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/18.jpeg) ![<arcane-face> 17](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/14.jpeg) ![<arcane-face> 18](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/16.jpeg) ![<arcane-face> 19](https://huggingface.co/sd-concepts-library/arcane-face/resolve/main/concept_images/6.jpeg)
research-backup/roberta-large-semeval2012-mask-prompt-b-nce-classification
research-backup
2022-09-21T16:17:35Z
104
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T15:45:17Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-mask-prompt-b-nce-classification results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.7908730158730158 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5080213903743316 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5192878338278932 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6653696498054474 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.84 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.45614035087719296 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5393518518518519 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9132138014163026 - name: F1 (macro) type: f1_macro value: 0.9101733559621606 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8502347417840377 - name: F1 (macro) type: f1_macro value: 0.6852576593859314 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6852654387865655 - name: F1 (macro) type: f1_macro value: 0.6694360423727916 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9604228976838005 - name: F1 (macro) type: f1_macro value: 0.8826948107609662 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9022250078345346 - name: F1 (macro) type: f1_macro value: 0.9002463330589072 --- # relbert/roberta-large-semeval2012-mask-prompt-b-nce-classification RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-b-nce-classification/raw/main/analogy.json)): - Accuracy on SAT (full): 0.5080213903743316 - Accuracy on SAT: 0.5192878338278932 - Accuracy on BATS: 0.6653696498054474 - Accuracy on U2: 0.45614035087719296 - Accuracy on U4: 0.5393518518518519 - Accuracy on Google: 0.84 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-b-nce-classification/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9132138014163026 - Micro F1 score on CogALexV: 0.8502347417840377 - Micro F1 score on EVALution: 0.6852654387865655 - Micro F1 score on K&H+N: 0.9604228976838005 - Micro F1 score on ROOT09: 0.9022250078345346 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-b-nce-classification/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.7908730158730158 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-mask-prompt-b-nce-classification") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: mask - data: relbert/semeval2012_relational_similarity - split: train - data_eval: relbert/conceptnet_high_confidence - split_eval: full - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <obj> is <subj>'s <mask> - loss_function: nce_logout - classification_loss: True - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 27 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - exclude_relation_eval: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-b-nce-classification/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
sd-concepts-library/detectivedinosaur1
sd-concepts-library
2022-09-21T16:06:29Z
0
0
null
[ "license:mit", "region:us" ]
null
2022-09-21T16:06:18Z
--- license: mit --- ### detectivedinosaur1 on Stable Diffusion This is the `<dd1>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<dd1> 0](https://huggingface.co/sd-concepts-library/detectivedinosaur1/resolve/main/concept_images/1.jpeg) ![<dd1> 1](https://huggingface.co/sd-concepts-library/detectivedinosaur1/resolve/main/concept_images/2.jpeg) ![<dd1> 2](https://huggingface.co/sd-concepts-library/detectivedinosaur1/resolve/main/concept_images/0.jpeg)
julius-br/gottbert-base-finetuned-fbi-german
julius-br
2022-09-21T15:51:49Z
106
1
transformers
[ "transformers", "pytorch", "roberta", "text-classification", "gottbert", "de", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-09-07T11:43:30Z
--- language: de license: mit tags: - roberta - gottbert --- # Fine-tuned gottbert-base to detect Feature Requests & Bug Reports in German App Store Reviews ## Overview **Language model:** uklfr/gottbert-base **Language:** German **Training & Eval data:** [GARFAB2022Weighted](https://huggingface.co/datasets/julius-br/GARFAB) <br> **Published**: September 21th, 2022 <br> **Author**: Julius Breiholz ## Performance | Label | Precision | Recall | F1-Score | | --- | --- | --- | --- | | Irrelevant | 0,95 | 0,91 | 0,93 | | Bug Report | 0,82 | 0,91 | 0,86 | | Feature Request | 0,87 | 0,82 | 0,85 | | all classes (avg.) | 0,88 | 0,88 | 0,88 |
teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_data_coverage
teven
2022-09-21T15:51:26Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "transformers", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:51:19Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity - transformers --- # teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_data_coverage This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_data_coverage') embeddings = model.encode(sentences) print(embeddings) ``` ## Usage (HuggingFace Transformers) Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings. ```python from transformers import AutoTokenizer, AutoModel import torch #Mean Pooling - Take attention mask into account for correct averaging def mean_pooling(model_output, attention_mask): token_embeddings = model_output[0] #First element of model_output contains all token embeddings input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float() return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9) # Sentences we want sentence embeddings for sentences = ['This is an example sentence', 'Each sentence is converted'] # Load model from HuggingFace Hub tokenizer = AutoTokenizer.from_pretrained('teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_data_coverage') model = AutoModel.from_pretrained('teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_data_coverage') # Tokenize sentences encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt') # Compute token embeddings with torch.no_grad(): model_output = model(**encoded_input) # Perform pooling. In this case, mean pooling. sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask']) print("Sentence embeddings:") print(sentence_embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_data_coverage) ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/bi_all_bs160_allneg_finetuned_WebNLG2020_data_coverage
teven
2022-09-21T15:50:51Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:50:44Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity --- # teven/bi_all_bs160_allneg_finetuned_WebNLG2020_data_coverage This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/bi_all_bs160_allneg_finetuned_WebNLG2020_data_coverage') embeddings = model.encode(sentences) print(embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/bi_all_bs160_allneg_finetuned_WebNLG2020_data_coverage) ## Training The model was trained with the parameters: **DataLoader**: `torch.utils.data.dataloader.DataLoader` of length 321 with parameters: ``` {'batch_size': 8, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'} ``` **Loss**: `sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss` Parameters of the fit()-Method: ``` { "epochs": 50, "evaluation_steps": 0, "evaluator": "better_cross_encoder.PearsonCorrelationEvaluator", "max_grad_norm": 1, "optimizer_class": "<class 'transformers.optimization.AdamW'>", "optimizer_params": { "lr": 2e-05 }, "scheduler": "warmupcosine", "steps_per_epoch": null, "warmup_steps": 1605, "weight_decay": 0.01 } ``` ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 384, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) (2): Normalize() ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/bi_all_bs192_hardneg_finetuned_WebNLG2020_data_coverage
teven
2022-09-21T15:50:15Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:50:08Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity --- # teven/bi_all_bs192_hardneg_finetuned_WebNLG2020_data_coverage This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/bi_all_bs192_hardneg_finetuned_WebNLG2020_data_coverage') embeddings = model.encode(sentences) print(embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/bi_all_bs192_hardneg_finetuned_WebNLG2020_data_coverage) ## Training The model was trained with the parameters: **DataLoader**: `torch.utils.data.dataloader.DataLoader` of length 161 with parameters: ``` {'batch_size': 16, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'} ``` **Loss**: `sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss` Parameters of the fit()-Method: ``` { "epochs": 50, "evaluation_steps": 0, "evaluator": "better_cross_encoder.PearsonCorrelationEvaluator", "max_grad_norm": 1, "optimizer_class": "<class 'transformers.optimization.AdamW'>", "optimizer_params": { "lr": 5e-05 }, "scheduler": "warmupcosine", "steps_per_epoch": null, "warmup_steps": 805, "weight_decay": 0.01 } ``` ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 384, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) (2): Normalize() ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
tianchez/autotrain-line_clip_no_nut_boltline_clip_no_nut_bolt-1523955096
tianchez
2022-09-21T15:49:25Z
196
0
transformers
[ "transformers", "pytorch", "autotrain", "vision", "image-classification", "dataset:tianchez/autotrain-data-line_clip_no_nut_boltline_clip_no_nut_bolt", "co2_eq_emissions", "endpoints_compatible", "region:us" ]
image-classification
2022-09-21T15:42:51Z
--- tags: - autotrain - vision - image-classification datasets: - tianchez/autotrain-data-line_clip_no_nut_boltline_clip_no_nut_bolt widget: - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/tiger.jpg example_title: Tiger - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/teapot.jpg example_title: Teapot - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/palace.jpg example_title: Palace co2_eq_emissions: emissions: 10.423410288264847 --- # Model Trained Using AutoTrain - Problem type: Multi-class Classification - Model ID: 1523955096 - CO2 Emissions (in grams): 10.4234 ## Validation Metrics - Loss: 0.580 - Accuracy: 0.798 - Macro F1: 0.542 - Micro F1: 0.798 - Weighted F1: 0.796 - Macro Precision: 0.548 - Micro Precision: 0.798 - Weighted Precision: 0.796 - Macro Recall: 0.537 - Micro Recall: 0.798 - Weighted Recall: 0.798
teven/bi_all-mpnet-base-v2_finetuned_WebNLG2020_data_coverage
teven
2022-09-21T15:49:04Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:48:57Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity --- # teven/bi_all-mpnet-base-v2_finetuned_WebNLG2020_data_coverage This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/bi_all-mpnet-base-v2_finetuned_WebNLG2020_data_coverage') embeddings = model.encode(sentences) print(embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/bi_all-mpnet-base-v2_finetuned_WebNLG2020_data_coverage) ## Training The model was trained with the parameters: **DataLoader**: `torch.utils.data.dataloader.DataLoader` of length 41 with parameters: ``` {'batch_size': 64, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'} ``` **Loss**: `sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss` Parameters of the fit()-Method: ``` { "epochs": 50, "evaluation_steps": 0, "evaluator": "better_cross_encoder.PearsonCorrelationEvaluator", "max_grad_norm": 1, "optimizer_class": "<class 'transformers.optimization.AdamW'>", "optimizer_params": { "lr": 0.0002 }, "scheduler": "warmupcosine", "steps_per_epoch": null, "warmup_steps": 205, "weight_decay": 0.01 } ``` ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 384, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) (2): Normalize() ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_relevance
teven
2022-09-21T15:47:52Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "transformers", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:47:45Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity - transformers --- # teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_relevance This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_relevance') embeddings = model.encode(sentences) print(embeddings) ``` ## Usage (HuggingFace Transformers) Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings. ```python from transformers import AutoTokenizer, AutoModel import torch #Mean Pooling - Take attention mask into account for correct averaging def mean_pooling(model_output, attention_mask): token_embeddings = model_output[0] #First element of model_output contains all token embeddings input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float() return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9) # Sentences we want sentence embeddings for sentences = ['This is an example sentence', 'Each sentence is converted'] # Load model from HuggingFace Hub tokenizer = AutoTokenizer.from_pretrained('teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_relevance') model = AutoModel.from_pretrained('teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_relevance') # Tokenize sentences encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt') # Compute token embeddings with torch.no_grad(): model_output = model(**encoded_input) # Perform pooling. In this case, mean pooling. sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask']) print("Sentence embeddings:") print(sentence_embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_relevance) ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_relevance
teven
2022-09-21T15:46:24Z
4
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "transformers", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:46:16Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity - transformers --- # teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_relevance This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_relevance') embeddings = model.encode(sentences) print(embeddings) ``` ## Usage (HuggingFace Transformers) Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings. ```python from transformers import AutoTokenizer, AutoModel import torch #Mean Pooling - Take attention mask into account for correct averaging def mean_pooling(model_output, attention_mask): token_embeddings = model_output[0] #First element of model_output contains all token embeddings input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float() return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9) # Sentences we want sentence embeddings for sentences = ['This is an example sentence', 'Each sentence is converted'] # Load model from HuggingFace Hub tokenizer = AutoTokenizer.from_pretrained('teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_relevance') model = AutoModel.from_pretrained('teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_relevance') # Tokenize sentences encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt') # Compute token embeddings with torch.no_grad(): model_output = model(**encoded_input) # Perform pooling. In this case, mean pooling. sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask']) print("Sentence embeddings:") print(sentence_embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_relevance) ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/bi_all-mpnet-base-v2_finetuned_WebNLG2020_relevance
teven
2022-09-21T15:44:37Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:44:30Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity --- # teven/bi_all-mpnet-base-v2_finetuned_WebNLG2020_relevance This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/bi_all-mpnet-base-v2_finetuned_WebNLG2020_relevance') embeddings = model.encode(sentences) print(embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/bi_all-mpnet-base-v2_finetuned_WebNLG2020_relevance) ## Training The model was trained with the parameters: **DataLoader**: `torch.utils.data.dataloader.DataLoader` of length 161 with parameters: ``` {'batch_size': 16, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'} ``` **Loss**: `sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss` Parameters of the fit()-Method: ``` { "epochs": 50, "evaluation_steps": 0, "evaluator": "better_cross_encoder.PearsonCorrelationEvaluator", "max_grad_norm": 1, "optimizer_class": "<class 'transformers.optimization.AdamW'>", "optimizer_params": { "lr": 0.0005 }, "scheduler": "warmupcosine", "steps_per_epoch": null, "warmup_steps": 805, "weight_decay": 0.01 } ``` ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 384, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) (2): Normalize() ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/bi_all_bs160_allneg_finetuned_WebNLG2020_relevance
teven
2022-09-21T15:44:01Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:43:53Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity --- # teven/bi_all_bs160_allneg_finetuned_WebNLG2020_relevance This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/bi_all_bs160_allneg_finetuned_WebNLG2020_relevance') embeddings = model.encode(sentences) print(embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/bi_all_bs160_allneg_finetuned_WebNLG2020_relevance) ## Training The model was trained with the parameters: **DataLoader**: `torch.utils.data.dataloader.DataLoader` of length 321 with parameters: ``` {'batch_size': 8, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'} ``` **Loss**: `sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss` Parameters of the fit()-Method: ``` { "epochs": 50, "evaluation_steps": 0, "evaluator": "better_cross_encoder.PearsonCorrelationEvaluator", "max_grad_norm": 1, "optimizer_class": "<class 'transformers.optimization.AdamW'>", "optimizer_params": { "lr": 1e-05 }, "scheduler": "warmupcosine", "steps_per_epoch": null, "warmup_steps": 1605, "weight_decay": 0.01 } ``` ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 384, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) (2): Normalize() ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_correctness
teven
2022-09-21T15:43:25Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "transformers", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:43:18Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity - transformers --- # teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_correctness This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_correctness') embeddings = model.encode(sentences) print(embeddings) ``` ## Usage (HuggingFace Transformers) Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings. ```python from transformers import AutoTokenizer, AutoModel import torch #Mean Pooling - Take attention mask into account for correct averaging def mean_pooling(model_output, attention_mask): token_embeddings = model_output[0] #First element of model_output contains all token embeddings input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float() return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9) # Sentences we want sentence embeddings for sentences = ['This is an example sentence', 'Each sentence is converted'] # Load model from HuggingFace Hub tokenizer = AutoTokenizer.from_pretrained('teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_correctness') model = AutoModel.from_pretrained('teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_correctness') # Tokenize sentences encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt') # Compute token embeddings with torch.no_grad(): model_output = model(**encoded_input) # Perform pooling. In this case, mean pooling. sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask']) print("Sentence embeddings:") print(sentence_embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/cross_all_bs192_hardneg_finetuned_WebNLG2020_correctness) ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_correctness
teven
2022-09-21T15:42:49Z
4
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "transformers", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:42:41Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity - transformers --- # teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_correctness This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_correctness') embeddings = model.encode(sentences) print(embeddings) ``` ## Usage (HuggingFace Transformers) Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings. ```python from transformers import AutoTokenizer, AutoModel import torch #Mean Pooling - Take attention mask into account for correct averaging def mean_pooling(model_output, attention_mask): token_embeddings = model_output[0] #First element of model_output contains all token embeddings input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float() return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9) # Sentences we want sentence embeddings for sentences = ['This is an example sentence', 'Each sentence is converted'] # Load model from HuggingFace Hub tokenizer = AutoTokenizer.from_pretrained('teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_correctness') model = AutoModel.from_pretrained('teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_correctness') # Tokenize sentences encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt') # Compute token embeddings with torch.no_grad(): model_output = model(**encoded_input) # Perform pooling. In this case, mean pooling. sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask']) print("Sentence embeddings:") print(sentence_embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/cross_all_bs320_vanilla_finetuned_WebNLG2020_correctness) ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/cross_all_bs160_allneg_finetuned_WebNLG2020_correctness
teven
2022-09-21T15:41:45Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "transformers", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:41:37Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity - transformers --- # teven/cross_all_bs160_allneg_finetuned_WebNLG2020_correctness This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/cross_all_bs160_allneg_finetuned_WebNLG2020_correctness') embeddings = model.encode(sentences) print(embeddings) ``` ## Usage (HuggingFace Transformers) Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings. ```python from transformers import AutoTokenizer, AutoModel import torch #Mean Pooling - Take attention mask into account for correct averaging def mean_pooling(model_output, attention_mask): token_embeddings = model_output[0] #First element of model_output contains all token embeddings input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float() return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9) # Sentences we want sentence embeddings for sentences = ['This is an example sentence', 'Each sentence is converted'] # Load model from HuggingFace Hub tokenizer = AutoTokenizer.from_pretrained('teven/cross_all_bs160_allneg_finetuned_WebNLG2020_correctness') model = AutoModel.from_pretrained('teven/cross_all_bs160_allneg_finetuned_WebNLG2020_correctness') # Tokenize sentences encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt') # Compute token embeddings with torch.no_grad(): model_output = model(**encoded_input) # Perform pooling. In this case, mean pooling. sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask']) print("Sentence embeddings:") print(sentence_embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/cross_all_bs160_allneg_finetuned_WebNLG2020_correctness) ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_correctness
teven
2022-09-21T15:41:08Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "transformers", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:41:00Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity - transformers --- # teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_correctness This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_correctness') embeddings = model.encode(sentences) print(embeddings) ``` ## Usage (HuggingFace Transformers) Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings. ```python from transformers import AutoTokenizer, AutoModel import torch #Mean Pooling - Take attention mask into account for correct averaging def mean_pooling(model_output, attention_mask): token_embeddings = model_output[0] #First element of model_output contains all token embeddings input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float() return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9) # Sentences we want sentence embeddings for sentences = ['This is an example sentence', 'Each sentence is converted'] # Load model from HuggingFace Hub tokenizer = AutoTokenizer.from_pretrained('teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_correctness') model = AutoModel.from_pretrained('teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_correctness') # Tokenize sentences encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt') # Compute token embeddings with torch.no_grad(): model_output = model(**encoded_input) # Perform pooling. In this case, mean pooling. sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask']) print("Sentence embeddings:") print(sentence_embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/cross_all-mpnet-base-v2_finetuned_WebNLG2020_correctness) ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/bi_all_bs192_hardneg_finetuned_WebNLG2020_correctness
teven
2022-09-21T15:38:16Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:38:09Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity --- # teven/bi_all_bs192_hardneg_finetuned_WebNLG2020_correctness This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/bi_all_bs192_hardneg_finetuned_WebNLG2020_correctness') embeddings = model.encode(sentences) print(embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/bi_all_bs192_hardneg_finetuned_WebNLG2020_correctness) ## Training The model was trained with the parameters: **DataLoader**: `torch.utils.data.dataloader.DataLoader` of length 41 with parameters: ``` {'batch_size': 64, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'} ``` **Loss**: `sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss` Parameters of the fit()-Method: ``` { "epochs": 50, "evaluation_steps": 0, "evaluator": "better_cross_encoder.PearsonCorrelationEvaluator", "max_grad_norm": 1, "optimizer_class": "<class 'transformers.optimization.AdamW'>", "optimizer_params": { "lr": 0.0001 }, "scheduler": "warmupcosine", "steps_per_epoch": null, "warmup_steps": 205, "weight_decay": 0.01 } ``` ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 384, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) (2): Normalize() ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
teven/bi_all_bs160_allneg_finetuned_WebNLG2020_correctness
teven
2022-09-21T15:37:00Z
3
0
sentence-transformers
[ "sentence-transformers", "pytorch", "mpnet", "feature-extraction", "sentence-similarity", "autotrain_compatible", "endpoints_compatible", "region:us" ]
sentence-similarity
2022-09-21T15:36:53Z
--- pipeline_tag: sentence-similarity tags: - sentence-transformers - feature-extraction - sentence-similarity --- # teven/bi_all_bs160_allneg_finetuned_WebNLG2020_correctness This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. <!--- Describe your model here --> ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('teven/bi_all_bs160_allneg_finetuned_WebNLG2020_correctness') embeddings = model.encode(sentences) print(embeddings) ``` ## Evaluation Results <!--- Describe how your model was evaluated --> For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=teven/bi_all_bs160_allneg_finetuned_WebNLG2020_correctness) ## Training The model was trained with the parameters: **DataLoader**: `torch.utils.data.dataloader.DataLoader` of length 81 with parameters: ``` {'batch_size': 32, 'sampler': 'torch.utils.data.sampler.RandomSampler', 'batch_sampler': 'torch.utils.data.sampler.BatchSampler'} ``` **Loss**: `sentence_transformers.losses.CosineSimilarityLoss.CosineSimilarityLoss` Parameters of the fit()-Method: ``` { "epochs": 50, "evaluation_steps": 0, "evaluator": "better_cross_encoder.PearsonCorrelationEvaluator", "max_grad_norm": 1, "optimizer_class": "<class 'transformers.optimization.AdamW'>", "optimizer_params": { "lr": 0.0002 }, "scheduler": "warmupcosine", "steps_per_epoch": null, "warmup_steps": 405, "weight_decay": 0.01 } ``` ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 384, 'do_lower_case': False}) with Transformer model: MPNetModel (1): Pooling({'word_embedding_dimension': 768, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) (2): Normalize() ) ``` ## Citing & Authors <!--- Describe where people can find more information -->
matemato/testpyramidsrnd
matemato
2022-09-21T15:25:39Z
0
0
ml-agents
[ "ml-agents", "unity-ml-agents", "deep-reinforcement-learning", "reinforcement-learning", "ML-Agents-Pyramids", "region:us" ]
reinforcement-learning
2022-09-21T15:25:31Z
--- tags: - unity-ml-agents - ml-agents - deep-reinforcement-learning - reinforcement-learning - ML-Agents-Pyramids library_name: ml-agents --- # **ppo** Agent playing **Pyramids** This is a trained model of a **ppo** agent playing **Pyramids** using the [Unity ML-Agents Library](https://github.com/Unity-Technologies/ml-agents). ## Usage (with ML-Agents) The Documentation: https://github.com/huggingface/ml-agents#get-started We wrote a complete tutorial to learn to train your first agent using ML-Agents and publish it to the Hub: ### Resume the training ``` mlagents-learn <your_configuration_file_path.yaml> --run-id=<run_id> --resume ``` ### Watch your Agent play You can watch your agent **playing directly in your browser:**. 1. Go to https://huggingface.co/spaces/unity/ML-Agents-Pyramids 2. Step 1: Write your model_id: matemato/testpyramidsrnd 3. Step 2: Select your *.nn /*.onnx file 4. Click on Watch the agent play 👀
GItaf/roberta-base-roberta-base-TF-weight0.5-epoch5
GItaf
2022-09-21T15:25:27Z
47
0
transformers
[ "transformers", "pytorch", "roberta", "text-generation", "generated_from_trainer", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-generation
2022-09-21T12:07:35Z
--- tags: - generated_from_trainer model-index: - name: roberta-base-roberta-base-TF-weight0.5-epoch5 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # roberta-base-roberta-base-TF-weight0.5-epoch5 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. It achieves the following results on the evaluation set: - Loss: 4.4274 - Cls loss: 0.5846 - Lm loss: 4.1354 - Cls Accuracy: 0.7533 - Cls F1: 0.7495 - Cls Precision: 0.7581 - Cls Recall: 0.7533 - Perplexity: 62.51 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 2 - eval_batch_size: 2 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | Cls loss | Lm loss | Cls Accuracy | Cls F1 | Cls Precision | Cls Recall | Perplexity | |:-------------:|:-----:|:-----:|:---------------:|:--------:|:-------:|:------------:|:------:|:-------------:|:----------:|:----------:| | 4.9675 | 1.0 | 3470 | 4.6427 | 0.6907 | 4.2975 | 0.5401 | 0.3788 | 0.2917 | 0.5401 | 73.51 | | 4.6381 | 2.0 | 6940 | 4.5451 | 0.6935 | 4.1983 | 0.4599 | 0.2898 | 0.2115 | 0.4599 | 66.58 | | 4.5086 | 3.0 | 10410 | 4.5036 | 0.6902 | 4.1585 | 0.5401 | 0.3788 | 0.2917 | 0.5401 | 63.98 | | 4.4302 | 4.0 | 13880 | 4.4818 | 0.6877 | 4.1379 | 0.5447 | 0.3910 | 0.6764 | 0.5447 | 62.67 | | 4.3315 | 5.0 | 17350 | 4.4274 | 0.5846 | 4.1354 | 0.7533 | 0.7495 | 0.7581 | 0.7533 | 62.51 | ### Framework versions - Transformers 4.21.2 - Pytorch 1.12.1 - Datasets 2.4.0 - Tokenizers 0.12.1
sd-concepts-library/kogatan-shiny
sd-concepts-library
2022-09-21T15:11:22Z
0
3
null
[ "license:mit", "region:us" ]
null
2022-09-21T15:11:16Z
--- license: mit --- ### kogatan_shiny on Stable Diffusion This is the `kogatan` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![kogatan 0](https://huggingface.co/sd-concepts-library/kogatan-shiny/resolve/main/concept_images/0.jpeg) ![kogatan 1](https://huggingface.co/sd-concepts-library/kogatan-shiny/resolve/main/concept_images/1.jpeg) ![kogatan 2](https://huggingface.co/sd-concepts-library/kogatan-shiny/resolve/main/concept_images/2.jpeg) ![kogatan 3](https://huggingface.co/sd-concepts-library/kogatan-shiny/resolve/main/concept_images/3.jpeg) ![kogatan 4](https://huggingface.co/sd-concepts-library/kogatan-shiny/resolve/main/concept_images/4.jpeg)
minminzi/t5-base-finetuned-eli5
minminzi
2022-09-21T15:02:46Z
126
0
transformers
[ "transformers", "pytorch", "tensorboard", "t5", "text2text-generation", "generated_from_trainer", "dataset:eli5", "license:apache-2.0", "model-index", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text2text-generation
2022-09-20T15:35:29Z
--- license: apache-2.0 tags: - generated_from_trainer datasets: - eli5 metrics: - rouge model-index: - name: t5-base-finetuned-eli5 results: - task: name: Sequence-to-sequence Language Modeling type: text2text-generation dataset: name: eli5 type: eli5 config: LFQA_reddit split: train_eli5 args: LFQA_reddit metrics: - name: Rouge1 type: rouge value: 0.0 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # t5-base-finetuned-eli5 This model is a fine-tuned version of [t5-base](https://huggingface.co/t5-base) on the eli5 dataset. It achieves the following results on the evaluation set: - Loss: nan - Rouge1: 0.0 - Rouge2: 0.0 - Rougel: 0.0 - Rougelsum: 0.0 - Gen Len: 0.0 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 1 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | Gen Len | |:-------------:|:-----:|:-----:|:---------------:|:------:|:------:|:------:|:---------:|:-------:| | 0.0 | 1.0 | 17040 | nan | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | ### Framework versions - Transformers 4.22.1 - Pytorch 1.12.1+cu113 - Datasets 2.5.0 - Tokenizers 0.12.1
sd-concepts-library/phan-s-collage
sd-concepts-library
2022-09-21T14:44:10Z
0
1
null
[ "license:mit", "region:us" ]
null
2022-09-21T14:44:04Z
--- license: mit --- ### Phan's Collage on Stable Diffusion This is the `<pcollage>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as a `style`: ![<pcollage> 0](https://huggingface.co/sd-concepts-library/phan-s-collage/resolve/main/concept_images/1.jpeg) ![<pcollage> 1](https://huggingface.co/sd-concepts-library/phan-s-collage/resolve/main/concept_images/2.jpeg) ![<pcollage> 2](https://huggingface.co/sd-concepts-library/phan-s-collage/resolve/main/concept_images/0.jpeg) ![<pcollage> 3](https://huggingface.co/sd-concepts-library/phan-s-collage/resolve/main/concept_images/3.jpeg)
rugo/xlm-roberta-base-finetuned
rugo
2022-09-21T14:07:10Z
105
0
transformers
[ "transformers", "pytorch", "xlm-roberta", "fill-mask", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2022-09-21T13:43:38Z
xml-roberta-base-finetuned This model is a fine-tuned version of [xlm-roberta-base](https://huggingface.co/xlm-roberta-base) on an legal documents dataset.
sd-concepts-library/giygas
sd-concepts-library
2022-09-21T14:01:37Z
0
1
null
[ "license:mit", "region:us" ]
null
2022-09-21T13:51:32Z
--- license: mit --- ### giygas on Stable Diffusion This is the `<giygas>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Trained using the initializer token "swirl". It will primarily generate patterns of usually red and black swirls, patterns that sometimes tile. It may be prone to triggering the "Potential NSFW content" check, despite the training data used. Here is the new concept you will be able to use as an `object`: ![<giygas> 0](https://huggingface.co/sd-concepts-library/giygas/resolve/main/concept_images/1.jpeg) ![<giygas> 1](https://huggingface.co/sd-concepts-library/giygas/resolve/main/concept_images/2.jpeg) ![<giygas> 2](https://huggingface.co/sd-concepts-library/giygas/resolve/main/concept_images/0.jpeg)
Xinrui/t5-small-finetuned-eli5
Xinrui
2022-09-21T13:39:23Z
109
0
transformers
[ "transformers", "pytorch", "tensorboard", "t5", "text2text-generation", "generated_from_trainer", "dataset:eli5", "license:apache-2.0", "model-index", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text2text-generation
2022-09-20T16:12:02Z
--- license: apache-2.0 tags: - generated_from_trainer datasets: - eli5 metrics: - rouge model-index: - name: t5-small-finetuned-eli5 results: - task: name: Sequence-to-sequence Language Modeling type: text2text-generation dataset: name: eli5 type: eli5 config: LFQA_reddit split: train_eli5 args: LFQA_reddit metrics: - name: Rouge1 type: rouge value: 11.8922 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # t5-small-finetuned-eli5 This model is a fine-tuned version of [t5-small](https://huggingface.co/t5-small) on the eli5 dataset. It achieves the following results on the evaluation set: - Loss: 3.7555 - Rouge1: 11.8922 - Rouge2: 1.88 - Rougel: 9.6595 - Rougelsum: 10.8308 - Gen Len: 18.9911 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 1 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | Gen Len | |:-------------:|:-----:|:-----:|:---------------:|:-------:|:------:|:------:|:---------:|:-------:| | 3.9546 | 1.0 | 34080 | 3.7555 | 11.8922 | 1.88 | 9.6595 | 10.8308 | 18.9911 | ### Framework versions - Transformers 4.22.1 - Pytorch 1.12.1+cu113 - Datasets 2.4.0 - Tokenizers 0.12.1
juancavallotti/roberta-base-culinary
juancavallotti
2022-09-21T13:32:02Z
114
0
transformers
[ "transformers", "pytorch", "tensorboard", "bert", "fill-mask", "generated_from_trainer", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2022-04-20T23:48:43Z
--- license: apache-2.0 tags: - generated_from_trainer model-index: - name: roberta-base-culinary results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # roberta-base-culinary This model is a fine-tuned version of [bert-base-uncased](https://huggingface.co/bert-base-uncased) on the None dataset. It achieves the following results on the evaluation set: - Loss: 1.1032 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 16 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:------:|:---------------:| | 1.5135 | 1.0 | 39823 | 1.4635 | | 1.454 | 2.0 | 79646 | 1.3753 | | 1.3924 | 3.0 | 119469 | 1.3375 | | 1.3379 | 4.0 | 159292 | 1.2886 | | 1.2969 | 5.0 | 199115 | 1.2595 | | 1.2495 | 6.0 | 238938 | nan | | 1.1768 | 7.0 | 278761 | 1.2283 | | 1.1687 | 8.0 | 318584 | 1.2109 | | 1.2148 | 9.0 | 358407 | 1.1671 | | 1.133 | 10.0 | 398230 | 1.1721 | | 1.0882 | 11.0 | 438053 | 1.1624 | | 1.0749 | 12.0 | 477876 | 1.1321 | | 1.092 | 13.0 | 517699 | nan | | 1.0594 | 14.0 | 557522 | 1.1186 | | 1.0292 | 15.0 | 597345 | 1.1074 | | 0.9973 | 16.0 | 637168 | 1.1032 | ### Framework versions - Transformers 4.22.1 - Pytorch 1.12.1+cu113 - Datasets 2.4.0 - Tokenizers 0.12.1
sd-concepts-library/titan-robot
sd-concepts-library
2022-09-21T13:20:01Z
0
0
null
[ "license:mit", "region:us" ]
null
2022-09-21T13:19:47Z
--- license: mit --- ### Titan Robot on Stable Diffusion This is the `<titan>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<titan> 0](https://huggingface.co/sd-concepts-library/titan-robot/resolve/main/concept_images/1.jpeg) ![<titan> 1](https://huggingface.co/sd-concepts-library/titan-robot/resolve/main/concept_images/2.jpeg) ![<titan> 2](https://huggingface.co/sd-concepts-library/titan-robot/resolve/main/concept_images/0.jpeg) ![<titan> 3](https://huggingface.co/sd-concepts-library/titan-robot/resolve/main/concept_images/3.jpeg) ![<titan> 4](https://huggingface.co/sd-concepts-library/titan-robot/resolve/main/concept_images/4.jpeg)
truongpdd/vietnews-gpt2
truongpdd
2022-09-21T13:01:10Z
6
1
transformers
[ "transformers", "pytorch", "jax", "tensorboard", "gpt2", "text-generation", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2022-09-08T12:20:20Z
## How to use: ``` from transformers import AutoModelForCausalLM, AutoTokenizer tokenizer = AutoTokenizer.from_pretrained('truongpdd/vietnews-gpt2') model = AutoModelForCausalLM.from_pretrained('truongpdd/vietnews-gpt2') ```
maretamasaeva/bert-nieuweorganisatie_meerdan100
maretamasaeva
2022-09-21T12:40:50Z
160
0
transformers
[ "transformers", "pytorch", "tensorboard", "bert", "text-classification", "generated_from_trainer", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-09-21T07:56:39Z
--- tags: - generated_from_trainer metrics: - accuracy model-index: - name: bert-nieuweorganisatie_meerdan100 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # bert-nieuweorganisatie_meerdan100 This model is a fine-tuned version of [GroNLP/bert-base-dutch-cased](https://huggingface.co/GroNLP/bert-base-dutch-cased) on the None dataset. It achieves the following results on the evaluation set: - Loss: 1.1482 - Accuracy: 0.7584 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 6 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:-----:|:---------------:|:--------:| | 1.0871 | 1.0 | 1886 | 0.9585 | 0.7355 | | 0.8357 | 2.0 | 3772 | 0.9421 | 0.7377 | | 0.6399 | 3.0 | 5658 | 0.9207 | 0.7531 | | 0.4953 | 4.0 | 7544 | 0.9751 | 0.7568 | | 0.3685 | 5.0 | 9430 | 1.0538 | 0.7475 | | 0.2704 | 6.0 | 11316 | 1.1482 | 0.7584 | ### Framework versions - Transformers 4.21.0 - Pytorch 1.12.1+cu113 - Datasets 2.4.0 - Tokenizers 0.12.1
GItaf/gpt2-gpt2-TF-weight2-epoch5
GItaf
2022-09-21T12:02:13Z
111
0
transformers
[ "transformers", "pytorch", "gpt2", "text-generation", "generated_from_trainer", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2022-09-21T08:54:13Z
--- tags: - generated_from_trainer model-index: - name: gpt2-gpt2-TF-weight2-epoch5 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # gpt2-gpt2-TF-weight2-epoch5 This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. It achieves the following results on the evaluation set: - Loss: 5.8190 - Cls loss: 0.9275 - Lm loss: 3.9629 - Cls Accuracy: 0.8467 - Cls F1: 0.8462 - Cls Precision: 0.8470 - Cls Recall: 0.8467 - Perplexity: 52.61 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 2 - eval_batch_size: 2 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | Cls loss | Lm loss | Cls Accuracy | Cls F1 | Cls Precision | Cls Recall | Perplexity | |:-------------:|:-----:|:-----:|:---------------:|:--------:|:-------:|:------------:|:------:|:-------------:|:----------:|:----------:| | 5.612 | 1.0 | 3470 | 5.5564 | 0.7637 | 4.0282 | 0.7689 | 0.7591 | 0.7959 | 0.7689 | 56.16 | | 5.2267 | 2.0 | 6940 | 5.2872 | 0.6471 | 3.9922 | 0.8444 | 0.8434 | 0.8463 | 0.8444 | 54.17 | | 4.9082 | 3.0 | 10410 | 5.5032 | 0.7631 | 3.9761 | 0.8415 | 0.8405 | 0.8435 | 0.8415 | 53.31 | | 4.5998 | 4.0 | 13880 | 5.6560 | 0.8448 | 3.9654 | 0.8484 | 0.8483 | 0.8483 | 0.8484 | 52.74 | | 4.4024 | 5.0 | 17350 | 5.8190 | 0.9275 | 3.9629 | 0.8467 | 0.8462 | 0.8470 | 0.8467 | 52.61 | ### Framework versions - Transformers 4.21.2 - Pytorch 1.12.1 - Datasets 2.4.0 - Tokenizers 0.12.1
research-backup/roberta-large-semeval2012-average-no-mask-prompt-d-loob-conceptnet-validated
research-backup
2022-09-21T10:33:11Z
107
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T10:02:47Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-average-no-mask-prompt-d-loob-conceptnet-validated results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8325396825396826 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6925133689839572 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7002967359050445 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.81100611450806 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.964 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6535087719298246 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6574074074074074 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9156245291547386 - name: F1 (macro) type: f1_macro value: 0.9111335097935093 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8556338028169014 - name: F1 (macro) type: f1_macro value: 0.6954232134946761 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6863488624052004 - name: F1 (macro) type: f1_macro value: 0.6687072468924556 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9609793420045907 - name: F1 (macro) type: f1_macro value: 0.8894889212672226 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.911939830774052 - name: F1 (macro) type: f1_macro value: 0.9099470654822349 --- # relbert/roberta-large-semeval2012-average-no-mask-prompt-d-loob-conceptnet-validated RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-d-loob-conceptnet-validated/raw/main/analogy.json)): - Accuracy on SAT (full): 0.6925133689839572 - Accuracy on SAT: 0.7002967359050445 - Accuracy on BATS: 0.81100611450806 - Accuracy on U2: 0.6535087719298246 - Accuracy on U4: 0.6574074074074074 - Accuracy on Google: 0.964 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-d-loob-conceptnet-validated/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9156245291547386 - Micro F1 score on CogALexV: 0.8556338028169014 - Micro F1 score on EVALution: 0.6863488624052004 - Micro F1 score on K&H+N: 0.9609793420045907 - Micro F1 score on ROOT09: 0.911939830774052 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-d-loob-conceptnet-validated/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8325396825396826 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-average-no-mask-prompt-d-loob-conceptnet-validated") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average_no_mask - data: relbert/semeval2012_relational_similarity - template_mode: manual - template: I wasn’t aware of this relationship, but I just read in the encyclopedia that <subj> is the <mask> of <obj> - loss_function: info_loob - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 22 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-d-loob-conceptnet-validated/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
sd-concepts-library/raichu
sd-concepts-library
2022-09-21T10:17:46Z
0
3
null
[ "license:mit", "region:us" ]
null
2022-09-21T10:17:41Z
--- license: mit --- ### Raichu on Stable Diffusion This is the `<raichu>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<raichu> 0](https://huggingface.co/sd-concepts-library/raichu/resolve/main/concept_images/7.jpeg) ![<raichu> 1](https://huggingface.co/sd-concepts-library/raichu/resolve/main/concept_images/1.jpeg) ![<raichu> 2](https://huggingface.co/sd-concepts-library/raichu/resolve/main/concept_images/2.jpeg) ![<raichu> 3](https://huggingface.co/sd-concepts-library/raichu/resolve/main/concept_images/0.jpeg) ![<raichu> 4](https://huggingface.co/sd-concepts-library/raichu/resolve/main/concept_images/3.jpeg) ![<raichu> 5](https://huggingface.co/sd-concepts-library/raichu/resolve/main/concept_images/4.jpeg) ![<raichu> 6](https://huggingface.co/sd-concepts-library/raichu/resolve/main/concept_images/5.jpeg) ![<raichu> 7](https://huggingface.co/sd-concepts-library/raichu/resolve/main/concept_images/6.jpeg)
GItaf/gpt2-gpt2-TF-weight1-epoch5
GItaf
2022-09-21T10:11:48Z
111
0
transformers
[ "transformers", "pytorch", "gpt2", "text-generation", "generated_from_trainer", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2022-09-14T13:43:08Z
--- tags: - generated_from_trainer model-index: - name: gpt2-gpt2-TF-weight1-epoch5-with-eval results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # gpt2-gpt2-TF-weight1-epoch5-with-eval This model is a fine-tuned version of [](https://huggingface.co/) on the None dataset. It achieves the following results on the evaluation set: - Loss: 4.9349 - Cls loss: 0.9747 - Lm loss: 3.9596 - Cls Accuracy: 0.8340 - Cls F1: 0.8334 - Cls Precision: 0.8346 - Cls Recall: 0.8340 - Perplexity: 52.44 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 2 - eval_batch_size: 2 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | Cls loss | Lm loss | Cls Accuracy | Cls F1 | Cls Precision | Cls Recall | Perplexity | |:-------------:|:-----:|:-----:|:---------------:|:--------:|:-------:|:------------:|:------:|:-------------:|:----------:|:----------:| | 4.8702 | 1.0 | 3470 | 4.7157 | 0.6951 | 4.0201 | 0.7752 | 0.7670 | 0.7978 | 0.7752 | 55.71 | | 4.5856 | 2.0 | 6940 | 4.6669 | 0.6797 | 3.9868 | 0.8352 | 0.8333 | 0.8406 | 0.8352 | 53.88 | | 4.4147 | 3.0 | 10410 | 4.6619 | 0.6899 | 3.9716 | 0.8375 | 0.8368 | 0.8384 | 0.8375 | 53.07 | | 4.2479 | 4.0 | 13880 | 4.8305 | 0.8678 | 3.9622 | 0.8403 | 0.8396 | 0.8413 | 0.8403 | 52.57 | | 4.1281 | 5.0 | 17350 | 4.9349 | 0.9747 | 3.9596 | 0.8340 | 0.8334 | 0.8346 | 0.8340 | 52.44 | ### Framework versions - Transformers 4.21.2 - Pytorch 1.12.1 - Datasets 2.4.0 - Tokenizers 0.12.1
research-backup/roberta-large-semeval2012-average-no-mask-prompt-c-loob-conceptnet-validated
research-backup
2022-09-21T10:02:42Z
106
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T09:32:18Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-average-no-mask-prompt-c-loob-conceptnet-validated results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8421031746031746 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6550802139037433 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6528189910979229 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.8226792662590328 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.936 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6666666666666666 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6712962962962963 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9219526894681332 - name: F1 (macro) type: f1_macro value: 0.9178510964329792 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8687793427230047 - name: F1 (macro) type: f1_macro value: 0.7117047995829158 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6982665222101841 - name: F1 (macro) type: f1_macro value: 0.6850278585111483 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9657786742714057 - name: F1 (macro) type: f1_macro value: 0.8948443517322162 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9084926355374491 - name: F1 (macro) type: f1_macro value: 0.9067514826619919 --- # relbert/roberta-large-semeval2012-average-no-mask-prompt-c-loob-conceptnet-validated RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-c-loob-conceptnet-validated/raw/main/analogy.json)): - Accuracy on SAT (full): 0.6550802139037433 - Accuracy on SAT: 0.6528189910979229 - Accuracy on BATS: 0.8226792662590328 - Accuracy on U2: 0.6666666666666666 - Accuracy on U4: 0.6712962962962963 - Accuracy on Google: 0.936 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-c-loob-conceptnet-validated/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9219526894681332 - Micro F1 score on CogALexV: 0.8687793427230047 - Micro F1 score on EVALution: 0.6982665222101841 - Micro F1 score on K&H+N: 0.9657786742714057 - Micro F1 score on ROOT09: 0.9084926355374491 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-c-loob-conceptnet-validated/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8421031746031746 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-average-no-mask-prompt-c-loob-conceptnet-validated") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average_no_mask - data: relbert/semeval2012_relational_similarity - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <mask> - loss_function: info_loob - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 21 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-average-no-mask-prompt-c-loob-conceptnet-validated/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
darkproger/pruned-transducer-stateless5-ukrainian-1
darkproger
2022-09-21T09:51:45Z
0
2
null
[ "automatic-speech-recognition", "audio", "uk", "license:cc-by-nc-sa-4.0", "model-index", "region:us" ]
automatic-speech-recognition
2022-09-11T13:15:02Z
--- language: - uk tags: - automatic-speech-recognition - audio license: cc-by-nc-sa-4.0 datasets: - https://github.com/egorsmkv/speech-recognition-uk - mozilla-foundation/common_voice_6_1 metrics: - wer model-index: - name: Ukrainian pruned_transducer_stateless5 v1.0.0 results: - task: name: Speech Recognition type: automatic-speech-recognition dataset: name: Common Voice uk type: mozilla-foundation/common_voice_6_1 split: test args: uk metrics: - name: Validation WER type: wer value: 13.37 --- `pruned_transducer_stateless5` with Conformer encoder for Ukrainian: https://github.com/proger/icefall/tree/uk [Data Filtering](https://github.com/proger/uk) [Tensorboard run](https://tensorboard.dev/experiment/8WizOEvHR8CqmQAOsr4ALg/) ``` ./pruned_transducer_stateless5/train.py \ --world-size 2 \ --num-epochs 30 \ --start-epoch 1 \ --full-libri 1 \ --exp-dir pruned_transducer_stateless5/exp-uk-shuf \ --max-duration 500 \ --use-fp16 1 \ --num-encoder-layers 18 \ --dim-feedforward 1024 \ --nhead 4 \ --encoder-dim 256 \ --decoder-dim 512 \ --joiner-dim 512 \ --bpe-model uk/data/lang_bpe_250/bpe.model ``` ``` ./pruned_transducer_stateless5/decode.py \ --epoch 27 \ --avg 15 \ --use-averaged-model True \ --exp-dir pruned_transducer_stateless5/exp-uk-shuf \ --decoding-method fast_beam_search \ --num-encoder-layers 18 \ --dim-feedforward 1024 \ --nhead 4 \ --encoder-dim 256 \ --decoder-dim 512 \ --joiner-dim 512 \ --bpe-model uk/data/lang_bpe_250/bpe.model \ --lang-dir uk/data/lang_bpe_250 ```
darkproger/pruned-transducer-stateless5-ukrainian-1-causal
darkproger
2022-09-21T09:51:22Z
0
1
null
[ "automatic-speech-recognition", "audio", "uk", "license:cc-by-nc-sa-4.0", "model-index", "region:us" ]
automatic-speech-recognition
2022-09-20T21:26:48Z
--- language: - uk tags: - automatic-speech-recognition - audio license: cc-by-nc-sa-4.0 datasets: - https://github.com/egorsmkv/speech-recognition-uk - mozilla-foundation/common_voice_6_1 metrics: - wer model-index: - name: Ukrainian causal pruned_transducer_stateless5 v1.0.0 results: - task: name: Speech Recognition type: automatic-speech-recognition dataset: name: Common Voice 6.1 uk type: mozilla-foundation/common_voice_6_1 split: test args: uk metrics: - name: Validation WER type: wer value: 17.26 --- Online variant of `pruned_transducer_stateless5` for Ukrainian: https://github.com/proger/icefall/tree/uk Decoding demo using [Sherpa](https://k2-fsa.github.io/sherpa/): [https://twitter.com/darkproger/status/1570733844114046976](https://twitter.com/darkproger/status/1570733844114046976) Trained on pseudolabels generated by [darkproger/pruned-transducer-stateless5-ukrainian-1](https://huggingface.co/darkproger/pruned-transducer-stateless5-ukrainian-1) on the noisy 1200 hours [training set](https://github.com/egorsmkv/speech-recognition-uk). Common Voice data was used only for validation. [Tensorboard run](https://tensorboard.dev/experiment/uMmMmZvwS2euyCrj7BlPOQ/) ``` ./pruned_transducer_stateless5/train.py \ --world-size 2 \ --num-epochs 31 \ --start-epoch 1 \ --full-libri 1 \ --exp-dir pruned_transducer_stateless5/exp-uk-filtered2 \ --max-duration 600 \ --use-fp16 1 \ --num-encoder-layers 18 \ --dim-feedforward 1024 \ --nhead 4 \ --encoder-dim 256 \ --decoder-dim 512 \ --joiner-dim 512 \ --bpe-model uk/data/lang_bpe_250/bpe.model \ --causal-convolution True \ --dynamic-chunk-training True ```
buddhist-nlp/mbart-buddhist-many-to-one
buddhist-nlp
2022-09-21T09:06:13Z
135
0
transformers
[ "transformers", "pytorch", "mbart", "text2text-generation", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text2text-generation
2022-09-20T16:36:45Z
This is a multilingual model that translates Buddhist Chinese, Tibetan and Pali into English. Chinese input should be in simplified characters (簡體字). Tibetan should be input in Wylie transliteration, with "/" as shad and no space between the last word and a shad. For example "gang zag la bdag med par khong du chud pa ni 'jig tshogs la lta ba'i gnyen po yin pas na de spangs na nyon mongs pa thams cad spong bar 'gyur ro//". Pāli works with IAST transliteration: "Evaṁ me sutaṁ — ekaṁ samayaṁ bhagavā antarā ca rājagahaṁ antarā ca nāḷandaṁ addhānamaggappaṭipanno hoti mahatā bhikkhusaṅghena saddhiṁ pañcamattehi bhikkhusatehi." Multiple sentences are best translated when each sentence is on a separate line.
Souvik123/layoutlmv3-finetuned-cord_100
Souvik123
2022-09-21T08:58:14Z
4
0
transformers
[ "transformers", "pytorch", "tensorboard", "layoutlmv3", "token-classification", "generated_from_trainer", "dataset:cord-layoutlmv3", "license:cc-by-nc-sa-4.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
token-classification
2022-09-21T08:17:48Z
--- license: cc-by-nc-sa-4.0 tags: - generated_from_trainer datasets: - cord-layoutlmv3 metrics: - precision - recall - f1 - accuracy model-index: - name: layoutlmv3-finetuned-cord_100 results: - task: name: Token Classification type: token-classification dataset: name: cord-layoutlmv3 type: cord-layoutlmv3 config: cord split: train args: cord metrics: - name: Precision type: precision value: 0.9415680473372781 - name: Recall type: recall value: 0.9528443113772455 - name: F1 type: f1 value: 0.947172619047619 - name: Accuracy type: accuracy value: 0.9592529711375212 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # layoutlmv3-finetuned-cord_100 This model is a fine-tuned version of [microsoft/layoutlmv3-base](https://huggingface.co/microsoft/layoutlmv3-base) on the cord-layoutlmv3 dataset. It achieves the following results on the evaluation set: - Loss: 0.2132 - Precision: 0.9416 - Recall: 0.9528 - F1: 0.9472 - Accuracy: 0.9593 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 1e-05 - train_batch_size: 5 - eval_batch_size: 5 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - training_steps: 2500 ### Training results | Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:---------:|:------:|:------:|:--------:| | No log | 1.56 | 250 | 1.0604 | 0.7085 | 0.7732 | 0.7394 | 0.7806 | | 1.4262 | 3.12 | 500 | 0.5754 | 0.8504 | 0.8683 | 0.8593 | 0.8705 | | 1.4262 | 4.69 | 750 | 0.4026 | 0.8949 | 0.9109 | 0.9028 | 0.9189 | | 0.4088 | 6.25 | 1000 | 0.3129 | 0.9232 | 0.9356 | 0.9294 | 0.9406 | | 0.4088 | 7.81 | 1250 | 0.2691 | 0.9290 | 0.9401 | 0.9345 | 0.9452 | | 0.2193 | 9.38 | 1500 | 0.2260 | 0.9278 | 0.9431 | 0.9354 | 0.9499 | | 0.2193 | 10.94 | 1750 | 0.2447 | 0.9260 | 0.9371 | 0.9315 | 0.9469 | | 0.1547 | 12.5 | 2000 | 0.2113 | 0.9394 | 0.9521 | 0.9457 | 0.9601 | | 0.1547 | 14.06 | 2250 | 0.2138 | 0.9430 | 0.9543 | 0.9487 | 0.9605 | | 0.1163 | 15.62 | 2500 | 0.2132 | 0.9416 | 0.9528 | 0.9472 | 0.9593 | ### Framework versions - Transformers 4.22.1 - Pytorch 1.12.1+cu113 - Datasets 2.4.0 - Tokenizers 0.12.1
research-backup/roberta-large-semeval2012-average-prompt-e-loob-conceptnet-validated
research-backup
2022-09-21T08:31:47Z
5
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T08:01:29Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-average-prompt-e-loob-conceptnet-validated results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.9089285714285714 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5775401069518716 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5756676557863502 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7626459143968871 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.906 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5657894736842105 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5972222222222222 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9196926322133494 - name: F1 (macro) type: f1_macro value: 0.9165917608194079 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8450704225352113 - name: F1 (macro) type: f1_macro value: 0.670206371349226 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6847237269772481 - name: F1 (macro) type: f1_macro value: 0.6733342641882257 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9627877860471586 - name: F1 (macro) type: f1_macro value: 0.8814910914782276 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8968975242870574 - name: F1 (macro) type: f1_macro value: 0.8932869081766451 --- # relbert/roberta-large-semeval2012-average-prompt-e-loob-conceptnet-validated RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-e-loob-conceptnet-validated/raw/main/analogy.json)): - Accuracy on SAT (full): 0.5775401069518716 - Accuracy on SAT: 0.5756676557863502 - Accuracy on BATS: 0.7626459143968871 - Accuracy on U2: 0.5657894736842105 - Accuracy on U4: 0.5972222222222222 - Accuracy on Google: 0.906 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-e-loob-conceptnet-validated/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9196926322133494 - Micro F1 score on CogALexV: 0.8450704225352113 - Micro F1 score on EVALution: 0.6847237269772481 - Micro F1 score on K&H+N: 0.9627877860471586 - Micro F1 score on ROOT09: 0.8968975242870574 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-e-loob-conceptnet-validated/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.9089285714285714 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-average-prompt-e-loob-conceptnet-validated") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average - data: relbert/semeval2012_relational_similarity - template_mode: manual - template: I wasn’t aware of this relationship, but I just read in the encyclopedia that <obj> is <subj>’s <mask> - loss_function: info_loob - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 21 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-e-loob-conceptnet-validated/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
Sphere-Fall2022/nima-test-bert-glue
Sphere-Fall2022
2022-09-21T08:12:31Z
105
1
transformers
[ "transformers", "pytorch", "tensorboard", "distilbert", "text-classification", "generated_from_trainer", "dataset:glue", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-09-21T08:03:35Z
--- license: apache-2.0 tags: - generated_from_trainer datasets: - glue model-index: - name: nima-test-bert-glue results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # nima-test-bert-glue This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the glue dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 1 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | F1 | |:-------------:|:-----:|:----:|:---------------:|:--------:|:------:| | No log | 1.0 | 367 | 0.4436 | 0.8106 | 0.8597 | ### Framework versions - Transformers 4.22.1 - Pytorch 1.12.1+cu113 - Datasets 2.4.0 - Tokenizers 0.12.1
CptBaas/Bio_ClinicalBERT-finetuned-skinwound
CptBaas
2022-09-21T08:03:52Z
102
0
transformers
[ "transformers", "pytorch", "tensorboard", "bert", "text-classification", "generated_from_trainer", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-09-18T09:59:40Z
--- license: mit tags: - generated_from_trainer metrics: - accuracy - f1 - recall - precision model-index: - name: Bio_ClinicalBERT-finetuned-skinwound results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # Bio_ClinicalBERT-finetuned-skinwound This model is a fine-tuned version of [emilyalsentzer/Bio_ClinicalBERT](https://huggingface.co/emilyalsentzer/Bio_ClinicalBERT) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.3435 - Accuracy: 0.8938 - F1: 0.8884 - Recall: 0.8938 - Precision: 0.8857 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | F1 | Recall | Precision | |:-------------:|:-----:|:----:|:---------------:|:--------:|:------:|:------:|:---------:| | 0.5905 | 1.0 | 154 | 0.3423 | 0.8828 | 0.8416 | 0.8828 | 0.8064 | | 0.3472 | 2.0 | 308 | 0.2942 | 0.8901 | 0.8753 | 0.8901 | 0.8800 | | 0.2651 | 3.0 | 462 | 0.2977 | 0.8974 | 0.8858 | 0.8974 | 0.8889 | | 0.2203 | 4.0 | 616 | 0.3224 | 0.9011 | 0.8945 | 0.9011 | 0.8930 | | 0.164 | 5.0 | 770 | 0.3435 | 0.8938 | 0.8884 | 0.8938 | 0.8857 | ### Framework versions - Transformers 4.22.1 - Pytorch 1.12.1+cu113 - Datasets 2.4.0 - Tokenizers 0.12.1
AlbedoAI/DialoGPT-medium-Albedo
AlbedoAI
2022-09-21T07:46:12Z
112
2
transformers
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2022-08-14T04:44:07Z
--- tags: - conversational --- # Albedo Medium DialoGPT Model Casual This model does not do well with short greetings. But it can handle question and answer types of conversations most of the time. It is trained on Albedo's dialogues from his story quests [Princeps Cretaceus Chapter](https://genshin-impact.fandom.com/wiki/Princeps_Cretaceus_Chapter) and [Shadows Amidst Snowstorms Event Story](https://genshin-impact.fandom.com/wiki/Shadows_Amidst_Snowstorms/Story) Socials - Twitter: [@tofuboy05](https://twitter.com/tofuboy05) (Creator) - Tiktok: [@tofuboyart](https://www.tiktok.com/@tofuboyart) - HoYoLAB: [TofuBoy](https://www.hoyolab.com/accountCenter/postList?id=78394798)
sd-concepts-library/joemad
sd-concepts-library
2022-09-21T07:30:18Z
0
2
null
[ "license:mit", "region:us" ]
null
2022-09-21T07:30:15Z
--- license: mit --- ### JoeMad on Stable Diffusion This is the `<joemad>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as a `style`: ![<joemad> 0](https://huggingface.co/sd-concepts-library/joemad/resolve/main/concept_images/1.jpeg) ![<joemad> 1](https://huggingface.co/sd-concepts-library/joemad/resolve/main/concept_images/2.jpeg) ![<joemad> 2](https://huggingface.co/sd-concepts-library/joemad/resolve/main/concept_images/0.jpeg) ![<joemad> 3](https://huggingface.co/sd-concepts-library/joemad/resolve/main/concept_images/3.jpeg) ![<joemad> 4](https://huggingface.co/sd-concepts-library/joemad/resolve/main/concept_images/4.jpeg)
zhanglu/distilbert-base-uncased-finetuned-cola
zhanglu
2022-09-21T06:52:55Z
107
0
transformers
[ "transformers", "pytorch", "tensorboard", "distilbert", "text-classification", "generated_from_trainer", "dataset:glue", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-09-21T06:41:48Z
--- license: apache-2.0 tags: - generated_from_trainer datasets: - glue metrics: - matthews_correlation model-index: - name: distilbert-base-uncased-finetuned-cola results: - task: name: Text Classification type: text-classification dataset: name: glue type: glue config: cola split: train args: cola metrics: - name: Matthews Correlation type: matthews_correlation value: 0.5470036892050114 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # distilbert-base-uncased-finetuned-cola This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the glue dataset. It achieves the following results on the evaluation set: - Loss: 0.5657 - Matthews Correlation: 0.5470 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | Matthews Correlation | |:-------------:|:-----:|:----:|:---------------:|:--------------------:| | 0.521 | 1.0 | 535 | 0.5159 | 0.4152 | | 0.3445 | 2.0 | 1070 | 0.4905 | 0.5022 | | 0.2317 | 3.0 | 1605 | 0.5657 | 0.5470 | | 0.1774 | 4.0 | 2140 | 0.7557 | 0.5282 | | 0.1323 | 5.0 | 2675 | 0.8073 | 0.5455 | ### Framework versions - Transformers 4.22.1 - Pytorch 1.12.1+cu113 - Datasets 2.4.0 - Tokenizers 0.12.1
Lemming/distilbert-base-uncased-finetuned-emotion
Lemming
2022-09-21T06:36:30Z
103
0
transformers
[ "transformers", "pytorch", "tensorboard", "distilbert", "text-classification", "generated_from_trainer", "dataset:emotion", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-09-21T05:13:07Z
--- license: apache-2.0 tags: - generated_from_trainer datasets: - emotion metrics: - accuracy - f1 model-index: - name: distilbert-base-uncased-finetuned-emotion results: - task: name: Text Classification type: text-classification dataset: name: emotion type: emotion config: default split: train args: default metrics: - name: Accuracy type: accuracy value: 0.9215 - name: F1 type: f1 value: 0.9216499948953181 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # distilbert-base-uncased-finetuned-emotion This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the emotion dataset. It achieves the following results on the evaluation set: - Loss: 0.2104 - Accuracy: 0.9215 - F1: 0.9216 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 64 - eval_batch_size: 64 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 2 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | F1 | |:-------------:|:-----:|:----:|:---------------:|:--------:|:------:| | 0.8206 | 1.0 | 250 | 0.2908 | 0.92 | 0.9183 | | 0.2399 | 2.0 | 500 | 0.2104 | 0.9215 | 0.9216 | ### Framework versions - Transformers 4.22.1 - Pytorch 1.12.1+cu113 - Datasets 2.4.0 - Tokenizers 0.12.1
research-backup/roberta-large-semeval2012-average-prompt-b-loob-conceptnet-validated
research-backup
2022-09-21T06:35:23Z
105
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T05:40:39Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-average-prompt-b-loob-conceptnet-validated results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8481150793650793 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5989304812834224 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6023738872403561 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7993329627570873 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.924 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5394736842105263 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5717592592592593 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9186379388277837 - name: F1 (macro) type: f1_macro value: 0.9155512122651571 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.85 - name: F1 (macro) type: f1_macro value: 0.6867626785837351 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6765980498374865 - name: F1 (macro) type: f1_macro value: 0.6640318764154748 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9549975655560965 - name: F1 (macro) type: f1_macro value: 0.8755892143322457 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8943904732058916 - name: F1 (macro) type: f1_macro value: 0.8922917744040153 --- # relbert/roberta-large-semeval2012-average-prompt-b-loob-conceptnet-validated RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-b-loob-conceptnet-validated/raw/main/analogy.json)): - Accuracy on SAT (full): 0.5989304812834224 - Accuracy on SAT: 0.6023738872403561 - Accuracy on BATS: 0.7993329627570873 - Accuracy on U2: 0.5394736842105263 - Accuracy on U4: 0.5717592592592593 - Accuracy on Google: 0.924 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-b-loob-conceptnet-validated/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9186379388277837 - Micro F1 score on CogALexV: 0.85 - Micro F1 score on EVALution: 0.6765980498374865 - Micro F1 score on K&H+N: 0.9549975655560965 - Micro F1 score on ROOT09: 0.8943904732058916 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-b-loob-conceptnet-validated/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8481150793650793 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-average-prompt-b-loob-conceptnet-validated") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average - data: relbert/semeval2012_relational_similarity - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <obj> is <subj>'s <mask> - loss_function: info_loob - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 21 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-b-loob-conceptnet-validated/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
sd-concepts-library/bamse-og-kylling
sd-concepts-library
2022-09-21T06:23:26Z
0
0
null
[ "license:mit", "region:us" ]
null
2022-09-21T06:23:17Z
--- license: mit --- ### Bamse og kylling on Stable Diffusion This is the `<bamse-kylling>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<bamse-kylling> 0](https://huggingface.co/sd-concepts-library/bamse-og-kylling/resolve/main/concept_images/2.jpeg) ![<bamse-kylling> 1](https://huggingface.co/sd-concepts-library/bamse-og-kylling/resolve/main/concept_images/1.jpeg) ![<bamse-kylling> 2](https://huggingface.co/sd-concepts-library/bamse-og-kylling/resolve/main/concept_images/0.jpeg) ![<bamse-kylling> 3](https://huggingface.co/sd-concepts-library/bamse-og-kylling/resolve/main/concept_images/3.jpeg) ![<bamse-kylling> 4](https://huggingface.co/sd-concepts-library/bamse-og-kylling/resolve/main/concept_images/4.jpeg)
research-backup/roberta-large-semeval2012-average-prompt-a-loob-conceptnet-validated
research-backup
2022-09-21T05:40:34Z
103
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T04:45:26Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-average-prompt-a-loob-conceptnet-validated results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8358531746031747 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6310160427807486 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6320474777448071 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7409672040022235 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.918 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5745614035087719 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6018518518518519 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9133644718999548 - name: F1 (macro) type: f1_macro value: 0.9091653089166233 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8523474178403756 - name: F1 (macro) type: f1_macro value: 0.6906026137184262 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6700975081256771 - name: F1 (macro) type: f1_macro value: 0.6599264465141299 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9501286777491827 - name: F1 (macro) type: f1_macro value: 0.8552943975279798 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8987778125979317 - name: F1 (macro) type: f1_macro value: 0.8958673797671589 --- # relbert/roberta-large-semeval2012-average-prompt-a-loob-conceptnet-validated RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-a-loob-conceptnet-validated/raw/main/analogy.json)): - Accuracy on SAT (full): 0.6310160427807486 - Accuracy on SAT: 0.6320474777448071 - Accuracy on BATS: 0.7409672040022235 - Accuracy on U2: 0.5745614035087719 - Accuracy on U4: 0.6018518518518519 - Accuracy on Google: 0.918 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-a-loob-conceptnet-validated/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9133644718999548 - Micro F1 score on CogALexV: 0.8523474178403756 - Micro F1 score on EVALution: 0.6700975081256771 - Micro F1 score on K&H+N: 0.9501286777491827 - Micro F1 score on ROOT09: 0.8987778125979317 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-a-loob-conceptnet-validated/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8358531746031747 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-average-prompt-a-loob-conceptnet-validated") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average - data: relbert/semeval2012_relational_similarity - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <subj> is the <mask> of <obj> - loss_function: info_loob - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 21 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-average-prompt-a-loob-conceptnet-validated/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
2en/distilbert-base-uncased-finetuned-emotion
2en
2022-09-21T05:40:08Z
103
0
transformers
[ "transformers", "pytorch", "tensorboard", "distilbert", "text-classification", "generated_from_trainer", "dataset:emotion", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-09-21T05:29:28Z
--- license: apache-2.0 tags: - generated_from_trainer datasets: - emotion metrics: - accuracy - f1 model-index: - name: distilbert-base-uncased-finetuned-emotion results: - task: name: Text Classification type: text-classification dataset: name: emotion type: emotion config: default split: train args: default metrics: - name: Accuracy type: accuracy value: 0.9285 - name: F1 type: f1 value: 0.9289358360077076 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # distilbert-base-uncased-finetuned-emotion This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the emotion dataset. It achieves the following results on the evaluation set: - Loss: 0.2061 - Accuracy: 0.9285 - F1: 0.9289 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 64 - eval_batch_size: 64 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 2 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | F1 | |:-------------:|:-----:|:----:|:---------------:|:--------:|:------:| | 0.7986 | 1.0 | 250 | 0.2955 | 0.9065 | 0.9042 | | 0.2351 | 2.0 | 500 | 0.2061 | 0.9285 | 0.9289 | ### Framework versions - Transformers 4.22.1 - Pytorch 1.11.0a0+17540c5 - Datasets 2.4.0 - Tokenizers 0.12.1
sd-concepts-library/insidewhale
sd-concepts-library
2022-09-21T05:16:17Z
0
0
null
[ "license:mit", "region:us" ]
null
2022-09-21T05:16:11Z
--- license: mit --- ### InsideWhale on Stable Diffusion This is the `<InsideWhale>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as a `style`: ![<InsideWhale> 0](https://huggingface.co/sd-concepts-library/insidewhale/resolve/main/concept_images/1.jpeg) ![<InsideWhale> 1](https://huggingface.co/sd-concepts-library/insidewhale/resolve/main/concept_images/2.jpeg) ![<InsideWhale> 2](https://huggingface.co/sd-concepts-library/insidewhale/resolve/main/concept_images/0.jpeg) ![<InsideWhale> 3](https://huggingface.co/sd-concepts-library/insidewhale/resolve/main/concept_images/3.jpeg) ![<InsideWhale> 4](https://huggingface.co/sd-concepts-library/insidewhale/resolve/main/concept_images/4.jpeg)
research-backup/roberta-large-semeval2012-mask-prompt-e-loob-conceptnet-validated
research-backup
2022-09-21T04:45:21Z
92
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T03:49:54Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-mask-prompt-e-loob-conceptnet-validated results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8323412698412699 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6176470588235294 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6231454005934718 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7570872707059477 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.874 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6008771929824561 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6226851851851852 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9242127467229169 - name: F1 (macro) type: f1_macro value: 0.9198550816036225 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8744131455399061 - name: F1 (macro) type: f1_macro value: 0.7269598631142125 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.699349945828819 - name: F1 (macro) type: f1_macro value: 0.6904954951631552 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9664046741322946 - name: F1 (macro) type: f1_macro value: 0.8975350605960287 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9053588216859918 - name: F1 (macro) type: f1_macro value: 0.90414989526156 --- # relbert/roberta-large-semeval2012-mask-prompt-e-loob-conceptnet-validated RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-e-loob-conceptnet-validated/raw/main/analogy.json)): - Accuracy on SAT (full): 0.6176470588235294 - Accuracy on SAT: 0.6231454005934718 - Accuracy on BATS: 0.7570872707059477 - Accuracy on U2: 0.6008771929824561 - Accuracy on U4: 0.6226851851851852 - Accuracy on Google: 0.874 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-e-loob-conceptnet-validated/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9242127467229169 - Micro F1 score on CogALexV: 0.8744131455399061 - Micro F1 score on EVALution: 0.699349945828819 - Micro F1 score on K&H+N: 0.9664046741322946 - Micro F1 score on ROOT09: 0.9053588216859918 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-e-loob-conceptnet-validated/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8323412698412699 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-mask-prompt-e-loob-conceptnet-validated") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: mask - data: relbert/semeval2012_relational_similarity - template_mode: manual - template: I wasn’t aware of this relationship, but I just read in the encyclopedia that <obj> is <subj>’s <mask> - loss_function: info_loob - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 22 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-e-loob-conceptnet-validated/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
Najeen/bert-finetuned-ner
Najeen
2022-09-21T03:51:04Z
105
0
transformers
[ "transformers", "pytorch", "tensorboard", "bert", "token-classification", "generated_from_trainer", "dataset:conll2003", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
token-classification
2022-09-19T13:52:02Z
--- license: apache-2.0 tags: - generated_from_trainer datasets: - conll2003 metrics: - precision - recall - f1 - accuracy model-index: - name: bert-finetuned-ner results: - task: name: Token Classification type: token-classification dataset: name: conll2003 type: conll2003 config: conll2003 split: train args: conll2003 metrics: - name: Precision type: precision value: 0.9357296670531721 - name: Recall type: recall value: 0.9506900033658701 - name: F1 type: f1 value: 0.9431505133984472 - name: Accuracy type: accuracy value: 0.9864602342968152 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # bert-finetuned-ner This model is a fine-tuned version of [bert-base-cased](https://huggingface.co/bert-base-cased) on the conll2003 dataset. It achieves the following results on the evaluation set: - Loss: 0.0621 - Precision: 0.9357 - Recall: 0.9507 - F1: 0.9432 - Accuracy: 0.9865 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:---------:|:------:|:------:|:--------:| | 0.0861 | 1.0 | 1756 | 0.0695 | 0.9142 | 0.9293 | 0.9217 | 0.9811 | | 0.0341 | 2.0 | 3512 | 0.0632 | 0.9256 | 0.9478 | 0.9366 | 0.9856 | | 0.0178 | 3.0 | 5268 | 0.0621 | 0.9357 | 0.9507 | 0.9432 | 0.9865 | ### Framework versions - Transformers 4.22.1 - Pytorch 1.12.1+cu113 - Datasets 2.4.0 - Tokenizers 0.12.1
research-backup/roberta-large-semeval2012-mask-prompt-d-loob-conceptnet-validated
research-backup
2022-09-21T03:49:49Z
103
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T02:54:39Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-mask-prompt-d-loob-conceptnet-validated results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8116468253968254 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7058823529411765 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7002967359050445 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.8121178432462479 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.944 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6973684210526315 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6550925925925926 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9291848726834414 - name: F1 (macro) type: f1_macro value: 0.9241488028701781 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8809859154929578 - name: F1 (macro) type: f1_macro value: 0.7410143358933853 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.7210184182015169 - name: F1 (macro) type: f1_macro value: 0.7105268293048113 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9658482298115045 - name: F1 (macro) type: f1_macro value: 0.8964930098442265 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9053588216859918 - name: F1 (macro) type: f1_macro value: 0.9027585355457223 --- # relbert/roberta-large-semeval2012-mask-prompt-d-loob-conceptnet-validated RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-d-loob-conceptnet-validated/raw/main/analogy.json)): - Accuracy on SAT (full): 0.7058823529411765 - Accuracy on SAT: 0.7002967359050445 - Accuracy on BATS: 0.8121178432462479 - Accuracy on U2: 0.6973684210526315 - Accuracy on U4: 0.6550925925925926 - Accuracy on Google: 0.944 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-d-loob-conceptnet-validated/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9291848726834414 - Micro F1 score on CogALexV: 0.8809859154929578 - Micro F1 score on EVALution: 0.7210184182015169 - Micro F1 score on K&H+N: 0.9658482298115045 - Micro F1 score on ROOT09: 0.9053588216859918 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-d-loob-conceptnet-validated/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8116468253968254 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-mask-prompt-d-loob-conceptnet-validated") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: mask - data: relbert/semeval2012_relational_similarity - template_mode: manual - template: I wasn’t aware of this relationship, but I just read in the encyclopedia that <subj> is the <mask> of <obj> - loss_function: info_loob - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 22 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-d-loob-conceptnet-validated/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
sd-concepts-library/stretch-re1-robot
sd-concepts-library
2022-09-21T02:56:12Z
0
0
null
[ "license:mit", "region:us" ]
null
2022-09-21T02:56:06Z
--- license: mit --- ### Stretch RE1 Robot on Stable Diffusion This is the `<stretch>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<stretch> 0](https://huggingface.co/sd-concepts-library/stretch-re1-robot/resolve/main/concept_images/1.jpeg) ![<stretch> 1](https://huggingface.co/sd-concepts-library/stretch-re1-robot/resolve/main/concept_images/2.jpeg) ![<stretch> 2](https://huggingface.co/sd-concepts-library/stretch-re1-robot/resolve/main/concept_images/0.jpeg) ![<stretch> 3](https://huggingface.co/sd-concepts-library/stretch-re1-robot/resolve/main/concept_images/3.jpeg) ![<stretch> 4](https://huggingface.co/sd-concepts-library/stretch-re1-robot/resolve/main/concept_images/4.jpeg)
Arnaudmkonan/xlm-roberta-base-finetuned-panx-de
Arnaudmkonan
2022-09-21T02:24:12Z
104
0
transformers
[ "transformers", "pytorch", "tensorboard", "xlm-roberta", "token-classification", "generated_from_trainer", "dataset:xtreme", "license:mit", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
token-classification
2022-09-21T01:52:25Z
--- license: mit tags: - generated_from_trainer datasets: - xtreme metrics: - f1 model-index: - name: xlm-roberta-base-finetuned-panx-de results: - task: name: Token Classification type: token-classification dataset: name: xtreme type: xtreme args: PAN-X.de metrics: - name: F1 type: f1 value: 0.863677639046538 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # xlm-roberta-base-finetuned-panx-de This model is a fine-tuned version of [xlm-roberta-base](https://huggingface.co/xlm-roberta-base) on the xtreme dataset. It achieves the following results on the evaluation set: - Loss: 0.1343 - F1: 0.8637 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 24 - eval_batch_size: 24 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | F1 | |:-------------:|:-----:|:----:|:---------------:|:------:| | 0.2578 | 1.0 | 525 | 0.1562 | 0.8273 | | 0.1297 | 2.0 | 1050 | 0.1330 | 0.8474 | | 0.0809 | 3.0 | 1575 | 0.1343 | 0.8637 | ### Framework versions - Transformers 4.11.3 - Pytorch 1.12.1+cu113 - Datasets 1.16.1 - Tokenizers 0.10.3
research-backup/roberta-large-semeval2012-mask-prompt-b-loob-conceptnet-validated
research-backup
2022-09-21T02:00:11Z
113
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/semeval2012_relational_similarity", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-09-21T01:04:59Z
--- datasets: - relbert/semeval2012_relational_similarity model-index: - name: relbert/roberta-large-semeval2012-mask-prompt-b-loob-conceptnet-validated results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8465079365079365 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.56951871657754 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5727002967359051 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7459699833240689 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.912 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5087719298245614 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5601851851851852 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9311435889709206 - name: F1 (macro) type: f1_macro value: 0.9271973871730766 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8654929577464788 - name: F1 (macro) type: f1_macro value: 0.7067494314299665 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6998916576381365 - name: F1 (macro) type: f1_macro value: 0.6882463597195224 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.961466230785282 - name: F1 (macro) type: f1_macro value: 0.8903751547538185 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9109996866186149 - name: F1 (macro) type: f1_macro value: 0.9101384826079929 --- # relbert/roberta-large-semeval2012-mask-prompt-b-loob-conceptnet-validated RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/semeval2012_relational_similarity](https://huggingface.co/datasets/relbert/semeval2012_relational_similarity). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-b-loob-conceptnet-validated/raw/main/analogy.json)): - Accuracy on SAT (full): 0.56951871657754 - Accuracy on SAT: 0.5727002967359051 - Accuracy on BATS: 0.7459699833240689 - Accuracy on U2: 0.5087719298245614 - Accuracy on U4: 0.5601851851851852 - Accuracy on Google: 0.912 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-b-loob-conceptnet-validated/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9311435889709206 - Micro F1 score on CogALexV: 0.8654929577464788 - Micro F1 score on EVALution: 0.6998916576381365 - Micro F1 score on K&H+N: 0.961466230785282 - Micro F1 score on ROOT09: 0.9109996866186149 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-b-loob-conceptnet-validated/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8465079365079365 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-semeval2012-mask-prompt-b-loob-conceptnet-validated") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: mask - data: relbert/semeval2012_relational_similarity - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <obj> is <subj>'s <mask> - loss_function: info_loob - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 21 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-semeval2012-mask-prompt-b-loob-conceptnet-validated/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
sd-concepts-library/jinjoon-lee-they
sd-concepts-library
2022-09-21T01:56:30Z
0
0
null
[ "license:mit", "region:us" ]
null
2022-09-20T09:37:35Z
--- license: mit --- ### Jinjoon Lee, They on Stable Diffusion This is the `<jinjoon_lee_they>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<jinjoon_lee_they> 0](https://huggingface.co/sd-concepts-library/jinjoon-lee-they/resolve/main/concept_images/4.jpeg) ![<jinjoon_lee_they> 1](https://huggingface.co/sd-concepts-library/jinjoon-lee-they/resolve/main/concept_images/2.jpeg) ![<jinjoon_lee_they> 2](https://huggingface.co/sd-concepts-library/jinjoon-lee-they/resolve/main/concept_images/0.jpeg) ![<jinjoon_lee_they> 3](https://huggingface.co/sd-concepts-library/jinjoon-lee-they/resolve/main/concept_images/1.jpeg) ![<jinjoon_lee_they> 4](https://huggingface.co/sd-concepts-library/jinjoon-lee-they/resolve/main/concept_images/3.jpeg)
alexperez26/lol
alexperez26
2022-09-21T00:23:37Z
0
0
null
[ "license:openrail", "region:us" ]
null
2022-09-21T00:22:53Z
--- license: openrail --- pip install diffusers==0.3.0 transformers scipy ftfy
research-backup/roberta-large-conceptnet-average-no-mask-prompt-c-nce
research-backup
2022-09-21T00:18:57Z
107
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/conceptnet_high_confidence", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-08-09T16:52:12Z
--- datasets: - relbert/conceptnet_high_confidence model-index: - name: relbert/roberta-large-conceptnet-average-no-mask-prompt-c-nce results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8786507936507937 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.4919786096256685 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.49554896142433236 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7937743190661478 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.918 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6271929824561403 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6527777777777778 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9215006780171764 - name: F1 (macro) type: f1_macro value: 0.9174763167950964 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8678403755868545 - name: F1 (macro) type: f1_macro value: 0.7086241190414728 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6825568797399784 - name: F1 (macro) type: f1_macro value: 0.6689609208642026 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.962092230646171 - name: F1 (macro) type: f1_macro value: 0.8907595805779478 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9025383892196804 - name: F1 (macro) type: f1_macro value: 0.900780083743733 --- # relbert/roberta-large-conceptnet-average-no-mask-prompt-c-nce RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/conceptnet_high_confidence](https://huggingface.co/datasets/relbert/conceptnet_high_confidence). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-no-mask-prompt-c-nce/raw/main/analogy.json)): - Accuracy on SAT (full): 0.4919786096256685 - Accuracy on SAT: 0.49554896142433236 - Accuracy on BATS: 0.7937743190661478 - Accuracy on U2: 0.6271929824561403 - Accuracy on U4: 0.6527777777777778 - Accuracy on Google: 0.918 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-no-mask-prompt-c-nce/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9215006780171764 - Micro F1 score on CogALexV: 0.8678403755868545 - Micro F1 score on EVALution: 0.6825568797399784 - Micro F1 score on K&H+N: 0.962092230646171 - Micro F1 score on ROOT09: 0.9025383892196804 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-no-mask-prompt-c-nce/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8786507936507937 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-conceptnet-average-no-mask-prompt-c-nce") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average_no_mask - data: relbert/conceptnet_high_confidence - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <mask> - loss_function: nce_logout - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 196 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-conceptnet-average-no-mask-prompt-c-nce/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
research-backup/roberta-large-conceptnet-average-no-mask-prompt-b-nce
research-backup
2022-09-21T00:18:30Z
104
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/conceptnet_high_confidence", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-08-08T20:45:41Z
--- datasets: - relbert/conceptnet_high_confidence model-index: - name: relbert/roberta-large-conceptnet-average-no-mask-prompt-b-nce results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8198809523809524 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5294117647058824 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5252225519287834 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7821011673151751 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.894 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5263157894736842 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5717592592592593 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9020641856260359 - name: F1 (macro) type: f1_macro value: 0.8948753350691158 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.846244131455399 - name: F1 (macro) type: f1_macro value: 0.6730554272487049 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6625135427952329 - name: F1 (macro) type: f1_macro value: 0.6558813092612158 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9580580093204424 - name: F1 (macro) type: f1_macro value: 0.8732893037249027 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8884362268881228 - name: F1 (macro) type: f1_macro value: 0.8878260786406326 --- # relbert/roberta-large-conceptnet-average-no-mask-prompt-b-nce RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/conceptnet_high_confidence](https://huggingface.co/datasets/relbert/conceptnet_high_confidence). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-no-mask-prompt-b-nce/raw/main/analogy.json)): - Accuracy on SAT (full): 0.5294117647058824 - Accuracy on SAT: 0.5252225519287834 - Accuracy on BATS: 0.7821011673151751 - Accuracy on U2: 0.5263157894736842 - Accuracy on U4: 0.5717592592592593 - Accuracy on Google: 0.894 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-no-mask-prompt-b-nce/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9020641856260359 - Micro F1 score on CogALexV: 0.846244131455399 - Micro F1 score on EVALution: 0.6625135427952329 - Micro F1 score on K&H+N: 0.9580580093204424 - Micro F1 score on ROOT09: 0.8884362268881228 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-no-mask-prompt-b-nce/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8198809523809524 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-conceptnet-average-no-mask-prompt-b-nce") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average_no_mask - data: relbert/conceptnet_high_confidence - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <obj> is <subj>'s <mask> - loss_function: nce_logout - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 86 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-conceptnet-average-no-mask-prompt-b-nce/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
research-backup/roberta-large-conceptnet-mask-prompt-a-nce
research-backup
2022-09-21T00:15:56Z
107
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/conceptnet_high_confidence", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-08-03T20:34:22Z
--- datasets: - relbert/conceptnet_high_confidence model-index: - name: relbert/roberta-large-conceptnet-mask-prompt-a-nce results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.806984126984127 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5748663101604278 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5727002967359051 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7620900500277932 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.93 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6403508771929824 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6342592592592593 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9251167696248305 - name: F1 (macro) type: f1_macro value: 0.919619692834177 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8767605633802817 - name: F1 (macro) type: f1_macro value: 0.7257293877329338 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6912242686890574 - name: F1 (macro) type: f1_macro value: 0.6877048241118354 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9590317868818251 - name: F1 (macro) type: f1_macro value: 0.8690566710191301 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8947038545910373 - name: F1 (macro) type: f1_macro value: 0.889766384814178 --- # relbert/roberta-large-conceptnet-mask-prompt-a-nce RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/conceptnet_high_confidence](https://huggingface.co/datasets/relbert/conceptnet_high_confidence). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-mask-prompt-a-nce/raw/main/analogy.json)): - Accuracy on SAT (full): 0.5748663101604278 - Accuracy on SAT: 0.5727002967359051 - Accuracy on BATS: 0.7620900500277932 - Accuracy on U2: 0.6403508771929824 - Accuracy on U4: 0.6342592592592593 - Accuracy on Google: 0.93 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-mask-prompt-a-nce/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9251167696248305 - Micro F1 score on CogALexV: 0.8767605633802817 - Micro F1 score on EVALution: 0.6912242686890574 - Micro F1 score on K&H+N: 0.9590317868818251 - Micro F1 score on ROOT09: 0.8947038545910373 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-mask-prompt-a-nce/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.806984126984127 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-conceptnet-mask-prompt-a-nce") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: mask - data: relbert/conceptnet_high_confidence - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <subj> is the <mask> of <obj> - loss_function: nce_logout - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 90 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-conceptnet-mask-prompt-a-nce/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
research-backup/roberta-large-conceptnet-average-prompt-c-nce
research-backup
2022-09-21T00:15:05Z
107
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/conceptnet_high_confidence", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-07-29T23:51:05Z
--- datasets: - relbert/conceptnet_high_confidence model-index: - name: relbert/roberta-large-conceptnet-average-prompt-c-nce results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.7826388888888889 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5454545454545454 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5489614243323442 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.792106725958866 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.93 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6096491228070176 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6134259259259259 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9091456983576918 - name: F1 (macro) type: f1_macro value: 0.9025708311029935 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8744131455399061 - name: F1 (macro) type: f1_macro value: 0.7154495605637783 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6738894907908992 - name: F1 (macro) type: f1_macro value: 0.6505462224375916 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9601446755234054 - name: F1 (macro) type: f1_macro value: 0.8892142921251124 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9031651519899718 - name: F1 (macro) type: f1_macro value: 0.9011299997530173 --- # relbert/roberta-large-conceptnet-average-prompt-c-nce RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/conceptnet_high_confidence](https://huggingface.co/datasets/relbert/conceptnet_high_confidence). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-prompt-c-nce/raw/main/analogy.json)): - Accuracy on SAT (full): 0.5454545454545454 - Accuracy on SAT: 0.5489614243323442 - Accuracy on BATS: 0.792106725958866 - Accuracy on U2: 0.6096491228070176 - Accuracy on U4: 0.6134259259259259 - Accuracy on Google: 0.93 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-prompt-c-nce/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9091456983576918 - Micro F1 score on CogALexV: 0.8744131455399061 - Micro F1 score on EVALution: 0.6738894907908992 - Micro F1 score on K&H+N: 0.9601446755234054 - Micro F1 score on ROOT09: 0.9031651519899718 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-prompt-c-nce/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.7826388888888889 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-conceptnet-average-prompt-c-nce") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average - data: relbert/conceptnet_high_confidence - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <mask> - loss_function: nce_logout - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 112 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-conceptnet-average-prompt-c-nce/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
research-backup/roberta-large-conceptnet-average-prompt-b-nce
research-backup
2022-09-21T00:14:38Z
106
0
transformers
[ "transformers", "pytorch", "roberta", "feature-extraction", "dataset:relbert/conceptnet_high_confidence", "model-index", "text-embeddings-inference", "endpoints_compatible", "region:us" ]
feature-extraction
2022-07-29T03:34:21Z
--- datasets: - relbert/conceptnet_high_confidence model-index: - name: relbert/roberta-large-conceptnet-average-prompt-b-nce results: - task: name: Relation Mapping type: sorting-task dataset: name: Relation Mapping args: relbert/relation_mapping type: relation-mapping metrics: - name: Accuracy type: accuracy value: 0.8097222222222222 - task: name: Analogy Questions (SAT full) type: multiple-choice-qa dataset: name: SAT full args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5106951871657754 - task: name: Analogy Questions (SAT) type: multiple-choice-qa dataset: name: SAT args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.49554896142433236 - task: name: Analogy Questions (BATS) type: multiple-choice-qa dataset: name: BATS args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.7982212340188994 - task: name: Analogy Questions (Google) type: multiple-choice-qa dataset: name: Google args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.926 - task: name: Analogy Questions (U2) type: multiple-choice-qa dataset: name: U2 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.5350877192982456 - task: name: Analogy Questions (U4) type: multiple-choice-qa dataset: name: U4 args: relbert/analogy_questions type: analogy-questions metrics: - name: Accuracy type: accuracy value: 0.6064814814814815 - task: name: Lexical Relation Classification (BLESS) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9061322886846467 - name: F1 (macro) type: f1_macro value: 0.8998351544602654 - task: name: Lexical Relation Classification (CogALexV) type: classification dataset: name: CogALexV args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8483568075117371 - name: F1 (macro) type: f1_macro value: 0.6691324528607947 - task: name: Lexical Relation Classification (EVALution) type: classification dataset: name: BLESS args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.6538461538461539 - name: F1 (macro) type: f1_macro value: 0.6461615360778927 - task: name: Lexical Relation Classification (K&H+N) type: classification dataset: name: K&H+N args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.9576406760798497 - name: F1 (macro) type: f1_macro value: 0.8666219776970888 - task: name: Lexical Relation Classification (ROOT09) type: classification dataset: name: ROOT09 args: relbert/lexical_relation_classification type: relation-classification metrics: - name: F1 type: f1 value: 0.8934503290504543 - name: F1 (macro) type: f1_macro value: 0.8921114555442471 --- # relbert/roberta-large-conceptnet-average-prompt-b-nce RelBERT fine-tuned from [roberta-large](https://huggingface.co/roberta-large) on [relbert/conceptnet_high_confidence](https://huggingface.co/datasets/relbert/conceptnet_high_confidence). Fine-tuning is done via [RelBERT](https://github.com/asahi417/relbert) library (see the repository for more detail). It achieves the following results on the relation understanding tasks: - Analogy Question ([dataset](https://huggingface.co/datasets/relbert/analogy_questions), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-prompt-b-nce/raw/main/analogy.json)): - Accuracy on SAT (full): 0.5106951871657754 - Accuracy on SAT: 0.49554896142433236 - Accuracy on BATS: 0.7982212340188994 - Accuracy on U2: 0.5350877192982456 - Accuracy on U4: 0.6064814814814815 - Accuracy on Google: 0.926 - Lexical Relation Classification ([dataset](https://huggingface.co/datasets/relbert/lexical_relation_classification), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-prompt-b-nce/raw/main/classification.json)): - Micro F1 score on BLESS: 0.9061322886846467 - Micro F1 score on CogALexV: 0.8483568075117371 - Micro F1 score on EVALution: 0.6538461538461539 - Micro F1 score on K&H+N: 0.9576406760798497 - Micro F1 score on ROOT09: 0.8934503290504543 - Relation Mapping ([dataset](https://huggingface.co/datasets/relbert/relation_mapping), [full result](https://huggingface.co/relbert/roberta-large-conceptnet-average-prompt-b-nce/raw/main/relation_mapping.json)): - Accuracy on Relation Mapping: 0.8097222222222222 ### Usage This model can be used through the [relbert library](https://github.com/asahi417/relbert). Install the library via pip ```shell pip install relbert ``` and activate model as below. ```python from relbert import RelBERT model = RelBERT("relbert/roberta-large-conceptnet-average-prompt-b-nce") vector = model.get_embedding(['Tokyo', 'Japan']) # shape of (1024, ) ``` ### Training hyperparameters The following hyperparameters were used during training: - model: roberta-large - max_length: 64 - mode: average - data: relbert/conceptnet_high_confidence - template_mode: manual - template: Today, I finally discovered the relation between <subj> and <obj> : <obj> is <subj>'s <mask> - loss_function: nce_logout - temperature_nce_constant: 0.05 - temperature_nce_rank: {'min': 0.01, 'max': 0.05, 'type': 'linear'} - epoch: 87 - batch: 128 - lr: 5e-06 - lr_decay: False - lr_warmup: 1 - weight_decay: 0 - random_seed: 0 - exclude_relation: None - n_sample: 640 - gradient_accumulation: 8 The full configuration can be found at [fine-tuning parameter file](https://huggingface.co/relbert/roberta-large-conceptnet-average-prompt-b-nce/raw/main/trainer_config.json). ### Reference If you use any resource from RelBERT, please consider to cite our [paper](https://aclanthology.org/2021.eacl-demos.7/). ``` @inproceedings{ushio-etal-2021-distilling-relation-embeddings, title = "{D}istilling {R}elation {E}mbeddings from {P}re-trained {L}anguage {M}odels", author = "Ushio, Asahi and Schockaert, Steven and Camacho-Collados, Jose", booktitle = "EMNLP 2021", year = "2021", address = "Online", publisher = "Association for Computational Linguistics", } ```
sd-concepts-library/tonal1
sd-concepts-library
2022-09-20T23:50:30Z
0
0
null
[ "license:mit", "region:us" ]
null
2022-09-20T23:50:26Z
--- license: mit --- ### Tonal1 on Stable Diffusion This is the `<Tonal>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<Tonal> 0](https://huggingface.co/sd-concepts-library/tonal1/resolve/main/concept_images/1.jpeg) ![<Tonal> 1](https://huggingface.co/sd-concepts-library/tonal1/resolve/main/concept_images/2.jpeg) ![<Tonal> 2](https://huggingface.co/sd-concepts-library/tonal1/resolve/main/concept_images/0.jpeg) ![<Tonal> 3](https://huggingface.co/sd-concepts-library/tonal1/resolve/main/concept_images/3.jpeg)
sd-concepts-library/uma-clean-object
sd-concepts-library
2022-09-20T23:15:06Z
0
1
null
[ "license:mit", "region:us" ]
null
2022-09-20T23:14:58Z
--- license: mit --- ### uma-clean-object on Stable Diffusion This is the `<uma-clean-object>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<uma-clean-object> 0](https://huggingface.co/sd-concepts-library/uma-clean-object/resolve/main/concept_images/unnamed_10_.jpg) ![<uma-clean-object> 1](https://huggingface.co/sd-concepts-library/uma-clean-object/resolve/main/concept_images/unnamed_1_.jpg) ![<uma-clean-object> 2](https://huggingface.co/sd-concepts-library/uma-clean-object/resolve/main/concept_images/unnamed_12_.jpg) ![<uma-clean-object> 3](https://huggingface.co/sd-concepts-library/uma-clean-object/resolve/main/concept_images/FcybPCqaUAAxIEn.png) ![<uma-clean-object> 4](https://huggingface.co/sd-concepts-library/uma-clean-object/resolve/main/concept_images/3-30-25.png) ![<uma-clean-object> 5](https://huggingface.co/sd-concepts-library/uma-clean-object/resolve/main/concept_images/Fc8KllxagAMYlhf.png) ![<uma-clean-object> 6](https://huggingface.co/sd-concepts-library/uma-clean-object/resolve/main/concept_images/FcuE6B4aUAEi422.png) ![<uma-clean-object> 7](https://huggingface.co/sd-concepts-library/uma-clean-object/resolve/main/concept_images/10.jpg) ![<uma-clean-object> 8](https://huggingface.co/sd-concepts-library/uma-clean-object/resolve/main/concept_images/file.jpg)
hadiqa123/xlsr_ur_training
hadiqa123
2022-09-20T22:28:40Z
82
0
transformers
[ "transformers", "pytorch", "tensorboard", "wav2vec2", "automatic-speech-recognition", "generated_from_trainer", "dataset:common_voice_8_0", "license:apache-2.0", "endpoints_compatible", "region:us" ]
automatic-speech-recognition
2022-09-03T04:23:40Z
--- license: apache-2.0 tags: - generated_from_trainer datasets: - common_voice_8_0 model-index: - name: xlsr_ur_training results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # xlsr_ur_training This model is a fine-tuned version of [facebook/wav2vec2-large-xlsr-53](https://huggingface.co/facebook/wav2vec2-large-xlsr-53) on the common_voice_8_0 dataset. It achieves the following results on the evaluation set: - Loss: 0.8325 - Wer: 0.4863 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - num_epochs: 30 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:----:|:---------------:|:------:| | 6.9537 | 3.25 | 1000 | 3.0940 | 0.9989 | | 2.1696 | 6.49 | 2000 | 0.9705 | 0.6830 | | 0.8637 | 9.74 | 3000 | 0.8098 | 0.5919 | | 0.6297 | 12.99 | 4000 | 0.8002 | 0.5469 | | 0.5034 | 16.23 | 5000 | 0.8019 | 0.5214 | | 0.4267 | 19.48 | 6000 | 0.8223 | 0.5085 | | 0.3847 | 22.73 | 7000 | 0.8081 | 0.4948 | | 0.342 | 25.97 | 8000 | 0.8300 | 0.4930 | | 0.3201 | 29.22 | 9000 | 0.8325 | 0.4863 | ### Framework versions - Transformers 4.21.0 - Pytorch 1.11.0+cu113 - Datasets 2.4.0 - Tokenizers 0.12.1
AlexKM/vqgan-clp
AlexKM
2022-09-20T21:18:11Z
0
1
null
[ "arxiv:2012.09841", "region:us" ]
null
2022-09-20T21:12:02Z
# VQGAN-CLIP Overview A repo for running VQGAN+CLIP locally. This started out as a Katherine Crowson VQGAN+CLIP derived Google colab notebook. <a href="https://replicate.ai/nerdyrodent/vqgan-clip"><img src="https://img.shields.io/static/v1?label=Replicate&message=Demo and Docker Image&color=blue"></a> Original notebook: [![Open In Colab][colab-badge]][colab-notebook] [colab-notebook]: <https://colab.research.google.com/drive/1ZAus_gn2RhTZWzOWUpPERNC0Q8OhZRTZ> [colab-badge]: <https://colab.research.google.com/assets/colab-badge.svg> Some example images: <img src="./samples/Cartoon3.png" width="256px"></img><img src="./samples/Cartoon.png" width="256px"></img><img src="./samples/Cartoon2.png" width="256px"></img> <img src="./samples/Bedroom.png" width="256px"></img><img src="./samples/DemonBiscuits.png" width="256px"></img><img src="./samples/Football.png" width="256px"></img> <img src="./samples/Fractal_Landscape3.png" width="256px"></img><img src="./samples/Games_5.png" width="256px"></img> Environment: * Tested on Ubuntu 20.04 * GPU: Nvidia RTX 3090 * Typical VRAM requirements: * 24 GB for a 900x900 image * 10 GB for a 512x512 image * 8 GB for a 380x380 image You may also be interested in [CLIP Guided Diffusion](https://github.com/nerdyrodent/CLIP-Guided-Diffusion) ## Set up This example uses [Anaconda](https://www.anaconda.com/products/individual#Downloads) to manage virtual Python environments. Create a new virtual Python environment for VQGAN-CLIP: ```sh conda create --name vqgan python=3.9 conda activate vqgan ``` Install Pytorch in the new enviroment: Note: This installs the CUDA version of Pytorch, if you want to use an AMD graphics card, read the [AMD section below](#using-an-amd-graphics-card). ```sh pip install torch==1.9.0+cu111 torchvision==0.10.0+cu111 torchaudio==0.9.0 -f https://download.pytorch.org/whl/torch_stable.html ``` Install other required Python packages: ```sh pip install ftfy regex tqdm omegaconf pytorch-lightning IPython kornia imageio imageio-ffmpeg einops torch_optimizer ``` Or use the ```requirements.txt``` file, which includes version numbers. Clone required repositories: ```sh git clone 'https://github.com/nerdyrodent/VQGAN-CLIP' cd VQGAN-CLIP git clone 'https://github.com/openai/CLIP' git clone 'https://github.com/CompVis/taming-transformers' ``` Note: In my development environment both CLIP and taming-transformers are present in the local directory, and so aren't present in the `requirements.txt` or `vqgan.yml` files. As an alternative, you can also pip install taming-transformers and CLIP. You will also need at least 1 VQGAN pretrained model. E.g. ```sh mkdir checkpoints curl -L -o checkpoints/vqgan_imagenet_f16_16384.yaml -C - 'https://heibox.uni-heidelberg.de/d/a7530b09fed84f80a887/files/?p=%2Fconfigs%2Fmodel.yaml&dl=1' #ImageNet 16384 curl -L -o checkpoints/vqgan_imagenet_f16_16384.ckpt -C - 'https://heibox.uni-heidelberg.de/d/a7530b09fed84f80a887/files/?p=%2Fckpts%2Flast.ckpt&dl=1' #ImageNet 16384 ``` Note that users of ```curl``` on Microsoft Windows should use double quotes. The `download_models.sh` script is an optional way to download a number of models. By default, it will download just 1 model. See <https://github.com/CompVis/taming-transformers#overview-of-pretrained-models> for more information about VQGAN pre-trained models, including download links. By default, the model .yaml and .ckpt files are expected in the `checkpoints` directory. See <https://github.com/CompVis/taming-transformers> for more information on datasets and models. Video guides are also available: * Linux - https://www.youtube.com/watch?v=1Esb-ZjO7tw * Windows - https://www.youtube.com/watch?v=XH7ZP0__FXs ### Using an AMD graphics card Note: This hasn't been tested yet. ROCm can be used for AMD graphics cards instead of CUDA. You can check if your card is supported here: <https://github.com/RadeonOpenCompute/ROCm#supported-gpus> Install ROCm accordng to the instructions and don't forget to add the user to the video group: <https://rocmdocs.amd.com/en/latest/Installation_Guide/Installation-Guide.html> The usage and set up instructions above are the same, except for the line where you install Pytorch. Instead of `pip install torch==1.9.0+cu111 ...`, use the one or two lines which are displayed here (select Pip -> Python-> ROCm): <https://pytorch.org/get-started/locally/> ### Using the CPU If no graphics card can be found, the CPU is automatically used and a warning displayed. Regardless of an available graphics card, the CPU can also be used by adding this command line argument: `-cd cpu` This works with the CUDA version of Pytorch, even without CUDA drivers installed, but doesn't seem to work with ROCm as of now. ### Uninstalling Remove the Python enviroment: ```sh conda remove --name vqgan --all ``` and delete the `VQGAN-CLIP` directory. ## Run To generate images from text, specify your text prompt as shown in the example below: ```sh python generate.py -p "A painting of an apple in a fruit bowl" ``` <img src="./samples/A_painting_of_an_apple_in_a_fruitbowl.png" width="256px"></img> ## Multiple prompts Text and image prompts can be split using the pipe symbol in order to allow multiple prompts. You can also use a colon followed by a number to set a weight for that prompt. For example: ```sh python generate.py -p "A painting of an apple in a fruit bowl | psychedelic | surreal:0.5 | weird:0.25" ``` <img src="./samples/Apple_weird.png" width="256px"></img> Image prompts can be split in the same way. For example: ```sh python generate.py -p "A picture of a bedroom with a portrait of Van Gogh" -ip "samples/VanGogh.jpg | samples/Bedroom.png" ``` ### Story mode Sets of text prompts can be created using the caret symbol, in order to generate a sort of story mode. For example: ```sh python generate.py -p "A painting of a sunflower|photo:-1 ^ a painting of a rose ^ a painting of a tulip ^ a painting of a daisy flower ^ a photograph of daffodil" -cpe 1500 -zvid -i 6000 -zse 10 -vl 20 -zsc 1.005 -opt Adagrad -lr 0.15 -se 6000 ``` ## "Style Transfer" An input image with style text and a low number of iterations can be used create a sort of "style transfer" effect. For example: ```sh python generate.py -p "A painting in the style of Picasso" -ii samples/VanGogh.jpg -i 80 -se 10 -opt AdamW -lr 0.25 ``` | Output | Style | | ------------------------------------------------------------- | ----------- | | <img src="./samples/vvg_picasso.png" width="256px"></img> | Picasso | | <img src="./samples/vvg_sketch.png" width="256px"></img> | Sketch | | <img src="./samples/vvg_psychedelic.png" width="256px"></img> | Psychedelic | A video style transfer effect can be achived by specifying a directory of video frames in `video_style_dir`. Output will be saved in the steps directory, using the original video frame filenames. You can also use this as a sort of "batch mode" if you have a directory of images you want to apply a style to. This can also be combined with Story Mode if you don't wish to apply the same style to every images, but instead roll through a list of styles. ## Feedback example By feeding back the generated images and making slight changes, some interesting effects can be created. The example `zoom.sh` shows this by applying a zoom and rotate to generated images, before feeding them back in again. To use `zoom.sh`, specifying a text prompt, output filename and number of frames. E.g. ```sh ./zoom.sh "A painting of a red telephone box spinning through a time vortex" Telephone.png 150 ``` If you don't have ImageMagick installed, you can install it with ```sudo apt install imagemagick``` <img src="./samples/zoom.gif" width="256px"></img> There is also a simple zoom video creation option available. For example: ```sh python generate.py -p "The inside of a sphere" -zvid -i 4500 -zse 20 -vl 10 -zsc 0.97 -opt Adagrad -lr 0.15 -se 4500 ``` ## Random text example Use `random.sh` to make a batch of images from random text. Edit the text and number of generated images to your taste! ```sh ./random.sh ``` ## Advanced options To view the available options, use "-h". ```sh python generate.py -h ``` ```sh usage: generate.py [-h] [-p PROMPTS] [-ip IMAGE_PROMPTS] [-i MAX_ITERATIONS] [-se DISPLAY_FREQ] [-s SIZE SIZE] [-ii INIT_IMAGE] [-in INIT_NOISE] [-iw INIT_WEIGHT] [-m CLIP_MODEL] [-conf VQGAN_CONFIG] [-ckpt VQGAN_CHECKPOINT] [-nps [NOISE_PROMPT_SEEDS ...]] [-npw [NOISE_PROMPT_WEIGHTS ...]] [-lr STEP_SIZE] [-cuts CUTN] [-cutp CUT_POW] [-sd SEED] [-opt {Adam,AdamW,Adagrad,Adamax,DiffGrad,AdamP,RAdam,RMSprop}] [-o OUTPUT] [-vid] [-zvid] [-zs ZOOM_START] [-zse ZOOM_FREQUENCY] [-zsc ZOOM_SCALE] [-cpe PROMPT_FREQUENCY] [-vl VIDEO_LENGTH] [-ofps OUTPUT_VIDEO_FPS] [-ifps INPUT_VIDEO_FPS] [-d] [-aug {Ji,Sh,Gn,Pe,Ro,Af,Et,Ts,Cr,Er,Re} [{Ji,Sh,Gn,Pe,Ro,Af,Et,Ts,Cr,Er,Re} ...]] [-cd CUDA_DEVICE] ``` ```sh optional arguments: -h, --help show this help message and exit -p PROMPTS, --prompts PROMPTS Text prompts -ip IMAGE_PROMPTS, --image_prompts IMAGE_PROMPTS Image prompts / target image -i MAX_ITERATIONS, --iterations MAX_ITERATIONS Number of iterations -se DISPLAY_FREQ, --save_every DISPLAY_FREQ Save image iterations -s SIZE SIZE, --size SIZE SIZE Image size (width height) (default: [512, 512]) -ii INIT_IMAGE, --init_image INIT_IMAGE Initial image -in INIT_NOISE, --init_noise INIT_NOISE Initial noise image (pixels or gradient) -iw INIT_WEIGHT, --init_weight INIT_WEIGHT Initial weight -m CLIP_MODEL, --clip_model CLIP_MODEL CLIP model (e.g. ViT-B/32, ViT-B/16) -conf VQGAN_CONFIG, --vqgan_config VQGAN_CONFIG VQGAN config -ckpt VQGAN_CHECKPOINT, --vqgan_checkpoint VQGAN_CHECKPOINT VQGAN checkpoint -nps [NOISE_PROMPT_SEEDS ...], --noise_prompt_seeds [NOISE_PROMPT_SEEDS ...] Noise prompt seeds -npw [NOISE_PROMPT_WEIGHTS ...], --noise_prompt_weights [NOISE_PROMPT_WEIGHTS ...] Noise prompt weights -lr STEP_SIZE, --learning_rate STEP_SIZE Learning rate -cuts CUTN, --num_cuts CUTN Number of cuts -cutp CUT_POW, --cut_power CUT_POW Cut power -sd SEED, --seed SEED Seed -opt, --optimiser {Adam,AdamW,Adagrad,Adamax,DiffGrad,AdamP,RAdam,RMSprop} Optimiser -o OUTPUT, --output OUTPUT Output file -vid, --video Create video frames? -zvid, --zoom_video Create zoom video? -zs ZOOM_START, --zoom_start ZOOM_START Zoom start iteration -zse ZOOM_FREQUENCY, --zoom_save_every ZOOM_FREQUENCY Save zoom image iterations -zsc ZOOM_SCALE, --zoom_scale ZOOM_SCALE Zoom scale -cpe PROMPT_FREQUENCY, --change_prompt_every PROMPT_FREQUENCY Prompt change frequency -vl VIDEO_LENGTH, --video_length VIDEO_LENGTH Video length in seconds -ofps OUTPUT_VIDEO_FPS, --output_video_fps OUTPUT_VIDEO_FPS Create an interpolated video (Nvidia GPU only) with this fps (min 10. best set to 30 or 60) -ifps INPUT_VIDEO_FPS, --input_video_fps INPUT_VIDEO_FPS When creating an interpolated video, use this as the input fps to interpolate from (>0 & <ofps) -d, --deterministic Enable cudnn.deterministic? -aug, --augments {Ji,Sh,Gn,Pe,Ro,Af,Et,Ts,Cr,Er,Re} [{Ji,Sh,Gn,Pe,Ro,Af,Et,Ts,Cr,Er,Re} ...] Enabled augments -cd CUDA_DEVICE, --cuda_device CUDA_DEVICE Cuda device to use ``` ## Troubleshooting ### CUSOLVER_STATUS_INTERNAL_ERROR For example: `RuntimeError: cusolver error: CUSOLVER_STATUS_INTERNAL_ERROR, when calling cusolverDnCreate(handle)` Make sure you have specified the correct size for the image. ### RuntimeError: CUDA out of memory For example: `RuntimeError: CUDA out of memory. Tried to allocate 150.00 MiB (GPU 0; 23.70 GiB total capacity; 21.31 GiB already allocated; 78.56 MiB free; 21.70 GiB reserved in total by PyTorch)` Your request doesn't fit into your GPU's VRAM. Reduce the image size and/or number of cuts. ## Citations ```bibtex @misc{unpublished2021clip, title = {CLIP: Connecting Text and Images}, author = {Alec Radford, Ilya Sutskever, Jong Wook Kim, Gretchen Krueger, Sandhini Agarwal}, year = {2021} } ``` ```bibtex @misc{esser2020taming, title={Taming Transformers for High-Resolution Image Synthesis}, author={Patrick Esser and Robin Rombach and Björn Ommer}, year={2020}, eprint={2012.09841}, archivePrefix={arXiv}, primaryClass={cs.CV} } ``` Katherine Crowson - <https://github.com/crowsonkb> Public Domain images from Open Access Images at the Art Institute of Chicago - <https://www.artic.edu/open-access/open-access-images>
sd-concepts-library/lavko
sd-concepts-library
2022-09-20T20:44:57Z
1
0
transformers
[ "transformers", "license:mit", "endpoints_compatible", "region:us" ]
null
2022-09-20T20:44:50Z
--- license: mit --- ### lavko on Stable Diffusion This is the `<lavko>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<lavko> 0](https://huggingface.co/sd-concepts-library/lavko/resolve/main/concept_images/.amlignore) ![<lavko> 1](https://huggingface.co/sd-concepts-library/lavko/resolve/main/concept_images/.amlignore.amltmp) ![<lavko> 2](https://huggingface.co/sd-concepts-library/lavko/resolve/main/concept_images/1.jpg) ![<lavko> 3](https://huggingface.co/sd-concepts-library/lavko/resolve/main/concept_images/2.jpg) ![<lavko> 4](https://huggingface.co/sd-concepts-library/lavko/resolve/main/concept_images/3.jpg) ![<lavko> 5](https://huggingface.co/sd-concepts-library/lavko/resolve/main/concept_images/4.jpg) ![<lavko> 6](https://huggingface.co/sd-concepts-library/lavko/resolve/main/concept_images/5.jpg)
sd-concepts-library/anya-forger
sd-concepts-library
2022-09-20T20:14:15Z
0
2
null
[ "license:mit", "region:us" ]
null
2022-09-20T20:14:02Z
--- license: mit --- ### anya forger on Stable Diffusion This is the `<anya-forger>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as an `object`: ![<anya-forger> 0](https://huggingface.co/sd-concepts-library/anya-forger/resolve/main/concept_images/1.jpeg) ![<anya-forger> 1](https://huggingface.co/sd-concepts-library/anya-forger/resolve/main/concept_images/2.jpeg) ![<anya-forger> 2](https://huggingface.co/sd-concepts-library/anya-forger/resolve/main/concept_images/0.jpeg) ![<anya-forger> 3](https://huggingface.co/sd-concepts-library/anya-forger/resolve/main/concept_images/3.jpeg) ![<anya-forger> 4](https://huggingface.co/sd-concepts-library/anya-forger/resolve/main/concept_images/4.jpeg)
sd-concepts-library/pen-ink-portraits-bennorthen
sd-concepts-library
2022-09-20T19:53:35Z
0
8
null
[ "license:mit", "region:us" ]
null
2022-09-20T19:53:22Z
--- license: mit --- ### pen-ink-portraits-BenNorthen on Stable Diffusion This is the `<ink-portrait-by-BenNorthern>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as a `style`: ![<ink-portrait-by-BenNorthern> 0](https://huggingface.co/sd-concepts-library/pen-ink-portraits-bennorthen/resolve/main/concept_images/0.jpeg) ![<ink-portrait-by-BenNorthern> 1](https://huggingface.co/sd-concepts-library/pen-ink-portraits-bennorthen/resolve/main/concept_images/4.jpeg) ![<ink-portrait-by-BenNorthern> 2](https://huggingface.co/sd-concepts-library/pen-ink-portraits-bennorthen/resolve/main/concept_images/1.jpeg) ![<ink-portrait-by-BenNorthern> 3](https://huggingface.co/sd-concepts-library/pen-ink-portraits-bennorthen/resolve/main/concept_images/3.jpeg) ![<ink-portrait-by-BenNorthern> 4](https://huggingface.co/sd-concepts-library/pen-ink-portraits-bennorthen/resolve/main/concept_images/2.jpeg)
mdround/dqn-SpaceInvadersNoFrameskip-v4
mdround
2022-09-20T19:51:11Z
0
0
stable-baselines3
[ "stable-baselines3", "SpaceInvadersNoFrameskip-v4", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2022-09-20T19:50:38Z
--- library_name: stable-baselines3 tags: - SpaceInvadersNoFrameskip-v4 - deep-reinforcement-learning - reinforcement-learning - stable-baselines3 model-index: - name: DQN results: - metrics: - type: mean_reward value: 525.00 +/- 135.70 name: mean_reward task: type: reinforcement-learning name: reinforcement-learning dataset: name: SpaceInvadersNoFrameskip-v4 type: SpaceInvadersNoFrameskip-v4 --- # **DQN** Agent playing **SpaceInvadersNoFrameskip-v4** This is a trained model of a **DQN** agent playing **SpaceInvadersNoFrameskip-v4** using the [stable-baselines3 library](https://github.com/DLR-RM/stable-baselines3) and the [RL Zoo](https://github.com/DLR-RM/rl-baselines3-zoo). The RL Zoo is a training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included. ## Usage (with SB3 RL Zoo) RL Zoo: https://github.com/DLR-RM/rl-baselines3-zoo<br/> SB3: https://github.com/DLR-RM/stable-baselines3<br/> SB3 Contrib: https://github.com/Stable-Baselines-Team/stable-baselines3-contrib ``` # Download model and save it into the logs/ folder python -m utils.load_from_hub --algo dqn --env SpaceInvadersNoFrameskip-v4 -orga mdround -f logs/ python enjoy.py --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ ``` ## Training (with the RL Zoo) ``` python train.py --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ # Upload the model and generate video (when possible) python -m utils.push_to_hub --algo dqn --env SpaceInvadersNoFrameskip-v4 -f logs/ -orga mdround ``` ## Hyperparameters ```python OrderedDict([('batch_size', 32), ('buffer_size', 100000), ('env_wrapper', ['stable_baselines3.common.atari_wrappers.AtariWrapper']), ('exploration_final_eps', 0.01), ('exploration_fraction', 0.1), ('frame_stack', 4), ('gradient_steps', 1), ('learning_rate', 0.0001), ('learning_starts', 100000), ('n_timesteps', 1000000.0), ('optimize_memory_usage', False), ('policy', 'CnnPolicy'), ('target_update_interval', 1000), ('train_freq', 4), ('normalize', False)]) ```
BigSalmon/InformalToFormalLincoln79Paraphrase
BigSalmon
2022-09-20T18:26:42Z
167
0
transformers
[ "transformers", "pytorch", "tensorboard", "gpt2", "text-generation", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2022-09-20T18:13:04Z
data: https://github.com/BigSalmon2/InformalToFormalDataset ``` from transformers import AutoTokenizer, AutoModelForCausalLM tokenizer = AutoTokenizer.from_pretrained("BigSalmon/InformalToFormalLincoln79Paraphrase") model = AutoModelForCausalLM.from_pretrained("BigSalmon/InformalToFormalLincoln79Paraphrase") ``` ``` Demo: https://huggingface.co/spaces/BigSalmon/FormalInformalConciseWordy ``` ``` prompt = """informal english: corn fields are all across illinois, visible once you leave chicago.\nTranslated into the Style of Abraham Lincoln:""" input_ids = tokenizer.encode(prompt, return_tensors='pt') outputs = model.generate(input_ids=input_ids, max_length=10 + len(prompt), temperature=1.0, top_k=50, top_p=0.95, do_sample=True, num_return_sequences=5, early_stopping=True) for i in range(5): print(tokenizer.decode(outputs[i])) ``` Most likely outputs (Disclaimer: I highly recommend using this over just generating): ``` prompt = """informal english: corn fields are all across illinois, visible once you leave chicago.\nTranslated into the Style of Abraham Lincoln:""" text = tokenizer.encode(prompt) myinput, past_key_values = torch.tensor([text]), None myinput = myinput myinput= myinput.to(device) logits, past_key_values = model(myinput, past_key_values = past_key_values, return_dict=False) logits = logits[0,-1] probabilities = torch.nn.functional.softmax(logits) best_logits, best_indices = logits.topk(250) best_words = [tokenizer.decode([idx.item()]) for idx in best_indices] text.append(best_indices[0].item()) best_probabilities = probabilities[best_indices].tolist() words = [] print(best_words) ``` ``` How To Make Prompt: informal english: i am very ready to do that just that. Translated into the Style of Abraham Lincoln: you can assure yourself of my readiness to work toward this end. Translated into the Style of Abraham Lincoln: please be assured that i am most ready to undertake this laborious task. *** informal english: space is huge and needs to be explored. Translated into the Style of Abraham Lincoln: space awaits traversal, a new world whose boundaries are endless. Translated into the Style of Abraham Lincoln: space is a ( limitless / boundless ) expanse, a vast virgin domain awaiting exploration. *** informal english: corn fields are all across illinois, visible once you leave chicago. Translated into the Style of Abraham Lincoln: corn fields ( permeate illinois / span the state of illinois / ( occupy / persist in ) all corners of illinois / line the horizon of illinois / envelop the landscape of illinois ), manifesting themselves visibly as one ventures beyond chicago. informal english: ``` ``` original: microsoft word's [MASK] pricing invites competition. Translated into the Style of Abraham Lincoln: microsoft word's unconscionable pricing invites competition. *** original: the library’s quiet atmosphere encourages visitors to [blank] in their work. Translated into the Style of Abraham Lincoln: the library’s quiet atmosphere encourages visitors to immerse themselves in their work. ``` ``` Essay Intro (Warriors vs. Rockets in Game 7): text: eagerly anticipated by fans, game 7's are the highlight of the post-season. text: ever-building in suspense, game 7's have the crowd captivated. *** Essay Intro (South Korean TV Is Becoming Popular): text: maturing into a bona fide paragon of programming, south korean television ( has much to offer / entertains without fail / never disappoints ). text: increasingly held in critical esteem, south korean television continues to impress. text: at the forefront of quality content, south korea is quickly achieving celebrity status. *** Essay Intro ( ``` ``` Search: What is the definition of Checks and Balances? https://en.wikipedia.org/wiki/Checks_and_balances Checks and Balances is the idea of having a system where each and every action in government should be subject to one or more checks that would not allow one branch or the other to overly dominate. https://www.harvard.edu/glossary/Checks_and_Balances Checks and Balances is a system that allows each branch of government to limit the powers of the other branches in order to prevent abuse of power https://www.law.cornell.edu/library/constitution/Checks_and_Balances Checks and Balances is a system of separation through which branches of government can control the other, thus preventing excess power. *** Search: What is the definition of Separation of Powers? https://en.wikipedia.org/wiki/Separation_of_powers The separation of powers is a principle in government, whereby governmental powers are separated into different branches, each with their own set of powers, that are prevent one branch from aggregating too much power. https://www.yale.edu/tcf/Separation_of_Powers.html Separation of Powers is the division of governmental functions between the executive, legislative and judicial branches, clearly demarcating each branch's authority, in the interest of ensuring that individual liberty or security is not undermined. *** Search: What is the definition of Connection of Powers? https://en.wikipedia.org/wiki/Connection_of_powers Connection of Powers is a feature of some parliamentary forms of government where different branches of government are intermingled, typically the executive and legislative branches. https://simple.wikipedia.org/wiki/Connection_of_powers The term Connection of Powers describes a system of government in which there is overlap between different parts of the government. *** Search: What is the definition of ``` ``` Search: What are phrase synonyms for "second-guess"? https://www.powerthesaurus.org/second-guess/synonyms Shortest to Longest: - feel dubious about - raise an eyebrow at - wrinkle their noses at - cast a jaundiced eye at - teeter on the fence about *** Search: What are phrase synonyms for "mean to newbies"? https://www.powerthesaurus.org/mean_to_newbies/synonyms Shortest to Longest: - readiness to balk at rookies - absence of tolerance for novices - hostile attitude toward newcomers *** Search: What are phrase synonyms for "make use of"? https://www.powerthesaurus.org/make_use_of/synonyms Shortest to Longest: - call upon - glean value from - reap benefits from - derive utility from - seize on the merits of - draw on the strength of - tap into the potential of *** Search: What are phrase synonyms for "hurting itself"? https://www.powerthesaurus.org/hurting_itself/synonyms Shortest to Longest: - erring - slighting itself - forfeiting its integrity - doing itself a disservice - evincing a lack of backbone *** Search: What are phrase synonyms for " ``` ``` - nebraska - unicamerical legislature - different from federal house and senate text: featuring a unicameral legislature, nebraska's political system stands in stark contrast to the federal model, comprised of a house and senate. *** - penny has practically no value - should be taken out of circulation - just as other coins have been in us history - lost use - value not enough - to make environmental consequences worthy text: all but valueless, the penny should be retired. as with other coins in american history, it has become defunct. too minute to warrant the environmental consequences of its production, it has outlived its usefulness. *** - ``` ``` original: sports teams are profitable for owners. [MASK], their valuations experience a dramatic uptick. infill: sports teams are profitable for owners. ( accumulating vast sums / stockpiling treasure / realizing benefits / cashing in / registering robust financials / scoring on balance sheets ), their valuations experience a dramatic uptick. *** original: ``` ``` wordy: classical music is becoming less popular more and more. Translate into Concise Text: interest in classic music is fading. *** wordy: ``` ``` sweet: savvy voters ousted him. longer: voters who were informed delivered his defeat. *** sweet: ``` ``` 1: commercial space company spacex plans to launch a whopping 52 flights in 2022. 2: spacex, a commercial space company, intends to undertake a total of 52 flights in 2022. 3: in 2022, commercial space company spacex has its sights set on undertaking 52 flights. 4: 52 flights are in the pipeline for 2022, according to spacex, a commercial space company. 5: a commercial space company, spacex aims to conduct 52 flights in 2022. *** 1: ``` Keywords to sentences or sentence. ``` ngos are characterized by: □ voluntary citizens' group that is organized on a local, national or international level □ encourage political participation □ often serve humanitarian functions □ work for social, economic, or environmental change *** what are the drawbacks of living near an airbnb? □ noise □ parking □ traffic □ security □ strangers *** ``` ``` original: musicals generally use spoken dialogue as well as songs to convey the story. operas are usually fully sung. adapted: musicals generally use spoken dialogue as well as songs to convey the story. ( in a stark departure / on the other hand / in contrast / by comparison / at odds with this practice / far from being alike / in defiance of this standard / running counter to this convention ), operas are usually fully sung. *** original: akoya and tahitian are types of pearls. akoya pearls are mostly white, and tahitian pearls are naturally dark. adapted: akoya and tahitian are types of pearls. ( a far cry from being indistinguishable / easily distinguished / on closer inspection / setting them apart / not to be mistaken for one another / hardly an instance of mere synonymy / differentiating the two ), akoya pearls are mostly white, and tahitian pearls are naturally dark. *** original: ``` ``` original: had trouble deciding. translated into journalism speak: wrestled with the question, agonized over the matter, furrowed their brows in contemplation. *** original: ``` ``` input: not loyal 1800s english: ( two-faced / inimical / perfidious / duplicitous / mendacious / double-dealing / shifty ). *** input: ``` ``` first: ( was complicit in / was involved in ). antonym: ( was blameless / was not an accomplice to / had no hand in / was uninvolved in ). *** first: ( have no qualms about / see no issue with ). antonym: ( are deeply troubled by / harbor grave reservations about / have a visceral aversion to / take ( umbrage at / exception to ) / are wary of ). *** first: ( do not see eye to eye / disagree often ). antonym: ( are in sync / are united / have excellent rapport / are like-minded / are in step / are of one mind / are in lockstep / operate in perfect harmony / march in lockstep ). *** first: ``` ``` stiff with competition, law school {A} is the launching pad for countless careers, {B} is a crowded field, {C} ranks among the most sought-after professional degrees, {D} is a professional proving ground. *** languishing in viewership, saturday night live {A} is due for a creative renaissance, {B} is no longer a ratings juggernaut, {C} has been eclipsed by its imitators, {C} can still find its mojo. *** dubbed the "manhattan of the south," atlanta {A} is a bustling metropolis, {B} is known for its vibrant downtown, {C} is a city of rich history, {D} is the pride of georgia. *** embattled by scandal, harvard {A} is feeling the heat, {B} cannot escape the media glare, {C} is facing its most intense scrutiny yet, {D} is in the spotlight for all the wrong reasons. ``` Infill / Infilling / Masking / Phrase Masking (Works pretty decently actually, especially when you use logprobs code from above): ``` his contention [blank] by the evidence [sep] was refuted [answer] *** few sights are as [blank] new york city as the colorful, flashing signage of its bodegas [sep] synonymous with [answer] *** when rick won the lottery, all of his distant relatives [blank] his winnings [sep] clamored for [answer] *** the library’s quiet atmosphere encourages visitors to [blank] in their work [sep] immerse themselves [answer] *** the joy of sport is that no two games are alike. for every exhilarating experience, however, there is an interminable one. the national pastime, unfortunately, has a penchant for the latter. what begins as a summer evening at the ballpark can quickly devolve into a game of tedium. the primary culprit is the [blank] of play. from batters readjusting their gloves to fielders spitting on their mitts, the action is [blank] unnecessary interruptions. the sport's future is [blank] if these tendencies are not addressed [sep] plodding pace [answer] riddled with [answer] bleak [answer] *** microsoft word's [blank] pricing [blank] competition [sep] unconscionable [answer] invites [answer] *** ``` ``` original: microsoft word's [MASK] pricing invites competition. Translated into the Style of Abraham Lincoln: microsoft word's unconscionable pricing invites competition. *** original: the library’s quiet atmosphere encourages visitors to [blank] in their work. Translated into the Style of Abraham Lincoln: the library’s quiet atmosphere encourages visitors to immerse themselves in their work. ``` Backwards ``` Essay Intro (National Parks): text: tourists are at ease in the national parks, ( swept up in the beauty of their natural splendor ). *** Essay Intro (D.C. Statehood): washington, d.c. is a city of outsize significance, ( ground zero for the nation's political life / center stage for the nation's political machinations ). ``` ``` topic: the Golden State Warriors. characterization 1: the reigning kings of the NBA. characterization 2: possessed of a remarkable cohesion. characterization 3: helmed by superstar Stephen Curry. characterization 4: perched atop the league’s hierarchy. characterization 5: boasting a litany of hall-of-famers. *** topic: emojis. characterization 1: shorthand for a digital generation. characterization 2: more versatile than words. characterization 3: the latest frontier in language. characterization 4: a form of self-expression. characterization 5: quintessentially millennial. characterization 6: reflective of a tech-centric world. *** topic: ``` ``` regular: illinois went against the census' population-loss prediction by getting more residents. VBG: defying the census' prediction of population loss, illinois experienced growth. *** regular: microsoft word’s high pricing increases the likelihood of competition. VBG: extortionately priced, microsoft word is inviting competition. *** regular: ``` ``` source: badminton should be more popular in the US. QUERY: Based on the given topic, can you develop a story outline? target: (1) games played with racquets are popular, (2) just look at tennis and ping pong, (3) but badminton underappreciated, (4) fun, fast-paced, competitive, (5) needs to be marketed more text: the sporting arena is dominated by games that are played with racquets. tennis and ping pong, in particular, are immensely popular. somewhat curiously, however, badminton is absent from this pantheon. exciting, fast-paced, and competitive, it is an underappreciated pastime. all that it lacks is more effective marketing. *** source: movies in theaters should be free. QUERY: Based on the given topic, can you develop a story outline? target: (1) movies provide vital life lessons, (2) many venues charge admission, (3) those without much money text: the lessons that movies impart are far from trivial. the vast catalogue of cinematic classics is replete with inspiring sagas of friendship, bravery, and tenacity. it is regrettable, then, that admission to theaters is not free. in their current form, the doors of this most vital of institutions are closed to those who lack the means to pay. *** source: ``` ``` in the private sector, { transparency } is vital to the business’s credibility. the { disclosure of information } can be the difference between success and failure. *** the labor market is changing, with { remote work } now the norm. this { flexible employment } allows the individual to design their own schedule. *** the { cubicle } is the locus of countless grievances. many complain that the { enclosed workspace } restricts their freedom of movement. *** ``` ``` it would be natural to assume that americans, as a people whose ancestors { immigrated to this country }, would be sympathetic to those seeking to do likewise. question: what does “do likewise” mean in the above context? (a) make the same journey (b) share in the promise of the american dream (c) start anew in the land of opportunity (d) make landfall on the united states *** in the private sector, { transparency } is vital to the business’s credibility. this orientation can be the difference between success and failure. question: what does “this orientation” mean in the above context? (a) visible business practices (b) candor with the public (c) open, honest communication (d) culture of accountability ``` ``` example: suppose you are a teacher. further suppose you want to tell an accurate telling of history. then suppose a parent takes offense. they do so in the name of name of their kid. this happens a lot. text: educators' responsibility to remain true to the historical record often clashes with the parent's desire to shelter their child from uncomfortable realities. *** example: suppose you are a student at college. now suppose you have to buy textbooks. that is going to be worth hundreds of dollars. given how much you already spend on tuition, that is going to hard cost to bear. text: the exorbitant cost of textbooks, which often reaches hundreds of dollars, imposes a sizable financial burden on the already-strapped college student. ``` ``` <Prefix> the atlanta hawks may attribute <Prefix> <Suffix> trae young <Suffix> <Middle> their robust season to <Middle> *** <Prefix> the nobel prize in literature <Prefix> <Suffix> honor <Suffix> <Middle> is a singularly prestigious <Middle> ```
sd-concepts-library/dreamcore
sd-concepts-library
2022-09-20T17:03:47Z
0
18
null
[ "license:mit", "region:us" ]
null
2022-09-20T17:03:42Z
--- license: mit --- ### Dreamcore on Stable Diffusion This is the `<dreamcore>` concept taught to Stable Diffusion via Textual Inversion. You can load this concept into the [Stable Conceptualizer](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/stable_conceptualizer_inference.ipynb) notebook. You can also train your own concepts and load them into the concept libraries using [this notebook](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_textual_inversion_training.ipynb). Here is the new concept you will be able to use as a `style`: ![<dreamcore> 0](https://huggingface.co/sd-concepts-library/dreamcore/resolve/main/concept_images/0.jpeg) ![<dreamcore> 1](https://huggingface.co/sd-concepts-library/dreamcore/resolve/main/concept_images/1.jpeg) ![<dreamcore> 2](https://huggingface.co/sd-concepts-library/dreamcore/resolve/main/concept_images/3.jpeg) ![<dreamcore> 3](https://huggingface.co/sd-concepts-library/dreamcore/resolve/main/concept_images/2.jpeg)
jayanta/distilbert-base-uncased-sentiment-finetuned-memes-30epochs
jayanta
2022-09-20T16:16:19Z
106
0
transformers
[ "transformers", "pytorch", "tensorboard", "distilbert", "text-classification", "generated_from_trainer", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2022-09-20T14:02:01Z
--- license: apache-2.0 tags: - generated_from_trainer metrics: - accuracy - precision - recall - f1 model-index: - name: distilbert-base-uncased-sentiment-finetuned-memes-30epochs results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # distilbert-base-uncased-sentiment-finetuned-memes-30epochs This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the None dataset. It achieves the following results on the evaluation set: - Loss: 1.8839 - Accuracy: 0.8365 - Precision: 0.8373 - Recall: 0.8365 - F1: 0.8368 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 30 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | Precision | Recall | F1 | |:-------------:|:-----:|:-----:|:---------------:|:--------:|:---------:|:------:|:------:| | 0.4774 | 1.0 | 2147 | 0.4463 | 0.7453 | 0.7921 | 0.7453 | 0.7468 | | 0.4036 | 2.0 | 4294 | 0.5419 | 0.7835 | 0.8072 | 0.7835 | 0.7858 | | 0.3163 | 3.0 | 6441 | 0.6776 | 0.7982 | 0.7970 | 0.7982 | 0.7954 | | 0.2613 | 4.0 | 8588 | 0.6988 | 0.7966 | 0.7953 | 0.7966 | 0.7956 | | 0.229 | 5.0 | 10735 | 0.8523 | 0.8003 | 0.8033 | 0.8003 | 0.8013 | | 0.1893 | 6.0 | 12882 | 1.0472 | 0.8056 | 0.8166 | 0.8056 | 0.8074 | | 0.1769 | 7.0 | 15029 | 1.0321 | 0.8150 | 0.8193 | 0.8150 | 0.8161 | | 0.1648 | 8.0 | 17176 | 1.1623 | 0.8129 | 0.8159 | 0.8129 | 0.8138 | | 0.1366 | 9.0 | 19323 | 1.1932 | 0.8255 | 0.8257 | 0.8255 | 0.8256 | | 0.1191 | 10.0 | 21470 | 1.2308 | 0.8349 | 0.8401 | 0.8349 | 0.8361 | | 0.1042 | 11.0 | 23617 | 1.3166 | 0.8297 | 0.8288 | 0.8297 | 0.8281 | | 0.0847 | 12.0 | 25764 | 1.3542 | 0.8286 | 0.8278 | 0.8286 | 0.8280 | | 0.0785 | 13.0 | 27911 | 1.3925 | 0.8291 | 0.8293 | 0.8291 | 0.8292 | | 0.0674 | 14.0 | 30058 | 1.4191 | 0.8255 | 0.8307 | 0.8255 | 0.8267 | | 0.0694 | 15.0 | 32205 | 1.5601 | 0.8255 | 0.8281 | 0.8255 | 0.8263 | | 0.0558 | 16.0 | 34352 | 1.6110 | 0.8265 | 0.8302 | 0.8265 | 0.8275 | | 0.045 | 17.0 | 36499 | 1.5730 | 0.8270 | 0.8303 | 0.8270 | 0.8280 | | 0.0436 | 18.0 | 38646 | 1.6081 | 0.8365 | 0.8361 | 0.8365 | 0.8363 | | 0.028 | 19.0 | 40793 | 1.5569 | 0.8375 | 0.8371 | 0.8375 | 0.8373 | | 0.0262 | 20.0 | 42940 | 1.6976 | 0.8286 | 0.8324 | 0.8286 | 0.8296 | | 0.0183 | 21.0 | 45087 | 1.6368 | 0.8333 | 0.8354 | 0.8333 | 0.8340 | | 0.0225 | 22.0 | 47234 | 1.7570 | 0.8318 | 0.8357 | 0.8318 | 0.8328 | | 0.0118 | 23.0 | 49381 | 1.7233 | 0.8360 | 0.8369 | 0.8360 | 0.8363 | | 0.0152 | 24.0 | 51528 | 1.8027 | 0.8360 | 0.8371 | 0.8360 | 0.8364 | | 0.0079 | 25.0 | 53675 | 1.7908 | 0.8412 | 0.8423 | 0.8412 | 0.8416 | | 0.0102 | 26.0 | 55822 | 1.8247 | 0.8344 | 0.8339 | 0.8344 | 0.8341 | | 0.0111 | 27.0 | 57969 | 1.8123 | 0.8391 | 0.8394 | 0.8391 | 0.8392 | | 0.0078 | 28.0 | 60116 | 1.8630 | 0.8354 | 0.8352 | 0.8354 | 0.8353 | | 0.0058 | 29.0 | 62263 | 1.8751 | 0.8339 | 0.8343 | 0.8339 | 0.8341 | | 0.0028 | 30.0 | 64410 | 1.8839 | 0.8365 | 0.8373 | 0.8365 | 0.8368 | ### Framework versions - Transformers 4.13.0.dev0 - Pytorch 1.11.0+cu102 - Datasets 1.15.2.dev0 - Tokenizers 0.10.1
hadiqa123/XLS-R_53_english
hadiqa123
2022-09-20T16:05:32Z
5
0
transformers
[ "transformers", "pytorch", "tensorboard", "wav2vec2", "automatic-speech-recognition", "generated_from_trainer", "license:apache-2.0", "endpoints_compatible", "region:us" ]
automatic-speech-recognition
2022-08-25T14:28:20Z
--- license: apache-2.0 tags: - generated_from_trainer model-index: - name: XLS-R_53_english results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # XLS-R_53_english This model is a fine-tuned version of [facebook/wav2vec2-large-xlsr-53](https://huggingface.co/facebook/wav2vec2-large-xlsr-53) on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.3430 - Wer: 0.3033 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 1000 - num_epochs: 30 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:----:|:---------------:|:------:| | 4.6589 | 1.65 | 500 | 3.1548 | 1.0 | | 2.5363 | 3.3 | 1000 | 1.0250 | 0.8707 | | 0.849 | 4.95 | 1500 | 0.3964 | 0.4636 | | 0.4812 | 6.6 | 2000 | 0.3341 | 0.3907 | | 0.3471 | 8.25 | 2500 | 0.3351 | 0.3659 | | 0.2797 | 9.9 | 3000 | 0.3104 | 0.3475 | | 0.2336 | 11.55 | 3500 | 0.3545 | 0.3419 | | 0.2116 | 13.2 | 4000 | 0.3577 | 0.3353 | | 0.1688 | 14.85 | 4500 | 0.3383 | 0.3302 | | 0.1587 | 16.5 | 5000 | 0.3431 | 0.3235 | | 0.1358 | 18.15 | 5500 | 0.3504 | 0.3209 | | 0.1323 | 19.8 | 6000 | 0.3468 | 0.3191 | | 0.115 | 21.45 | 6500 | 0.3331 | 0.3127 | | 0.108 | 23.1 | 7000 | 0.3497 | 0.3099 | | 0.0938 | 24.75 | 7500 | 0.3532 | 0.3091 | | 0.0974 | 26.4 | 8000 | 0.3461 | 0.3086 | | 0.0867 | 28.05 | 8500 | 0.3422 | 0.3054 | | 0.0852 | 29.7 | 9000 | 0.3430 | 0.3033 | ### Framework versions - Transformers 4.17.0 - Pytorch 1.12.1+cu113 - Datasets 1.18.3 - Tokenizers 0.12.1
Albe/test-category
Albe
2022-09-20T15:20:59Z
287
0
transformers
[ "transformers", "pytorch", "tensorboard", "vit", "image-classification", "huggingpics", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
image-classification
2022-09-20T15:20:44Z
--- tags: - image-classification - pytorch - huggingpics metrics: - accuracy model-index: - name: test-category results: - task: name: Image Classification type: image-classification metrics: - name: Accuracy type: accuracy value: 0.9196428656578064 --- # test-category Autogenerated by HuggingPics🤗🖼️ Create your own image classifier for **anything** by running [the demo on Google Colab](https://colab.research.google.com/github/nateraw/huggingpics/blob/main/HuggingPics.ipynb). Report any issues with the demo at the [github repo](https://github.com/nateraw/huggingpics). ## Example Images #### apartment ![apartment](images/apartment.jpg) #### caravan ![caravan](images/caravan.jpg) #### hotel room ![hotel room](images/hotel_room.jpg) #### house ![house](images/house.jpg) #### tent ![tent](images/tent.jpg)
adil-o/a2c-AntBulletEnv-v0
adil-o
2022-09-20T14:44:36Z
0
0
stable-baselines3
[ "stable-baselines3", "AntBulletEnv-v0", "deep-reinforcement-learning", "reinforcement-learning", "model-index", "region:us" ]
reinforcement-learning
2022-09-20T14:43:33Z
--- library_name: stable-baselines3 tags: - AntBulletEnv-v0 - deep-reinforcement-learning - reinforcement-learning - stable-baselines3 model-index: - name: A2C results: - metrics: - type: mean_reward value: 1328.81 +/- 262.74 name: mean_reward task: type: reinforcement-learning name: reinforcement-learning dataset: name: AntBulletEnv-v0 type: AntBulletEnv-v0 --- # **A2C** Agent playing **AntBulletEnv-v0** This is a trained model of a **A2C** agent playing **AntBulletEnv-v0** using the [stable-baselines3 library](https://github.com/DLR-RM/stable-baselines3). ## Usage (with Stable-baselines3) TODO: Add your code ```python from stable_baselines3 import ... from huggingface_sb3 import load_from_hub ... ```