modelId
stringlengths 4
112
| sha
stringlengths 40
40
| lastModified
stringlengths 24
24
| tags
sequence | pipeline_tag
stringclasses 29
values | private
bool 1
class | author
stringlengths 2
38
⌀ | config
null | id
stringlengths 4
112
| downloads
float64 0
36.8M
⌀ | likes
float64 0
712
⌀ | library_name
stringclasses 17
values | __index_level_0__
int64 0
38.5k
| readme
stringlengths 0
186k
|
---|---|---|---|---|---|---|---|---|---|---|---|---|---|
Ukhushn/distilbert-base-uncased-finetuned-homedepot-SBERT | 5b0ee44fada32d98a236bd2b07ed42f26a9d0a94 | 2022-05-20T20:07:14.000Z | [
"pytorch",
"distilbert",
"feature-extraction",
"sentence-transformers",
"sentence-similarity",
"transformers"
] | sentence-similarity | false | Ukhushn | null | Ukhushn/distilbert-base-uncased-finetuned-homedepot-SBERT | 4 | null | sentence-transformers | 19,800 | ---
pipeline_tag: sentence-similarity
tags:
- sentence-transformers
- feature-extraction
- sentence-similarity
- transformers
---
# Ukhushn/distilbert-base-uncased-finetuned-homedepot-SBERT
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('Ukhushn/distilbert-base-uncased-finetuned-homedepot-SBERT')
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('Ukhushn/distilbert-base-uncased-finetuned-homedepot-SBERT')
model = AutoModel.from_pretrained('Ukhushn/distilbert-base-uncased-finetuned-homedepot-SBERT')
# 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=Ukhushn/distilbert-base-uncased-finetuned-homedepot-SBERT)
## Training
The model was trained with the parameters:
**DataLoader**:
`torch.utils.data.dataloader.DataLoader` of length 6661 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": 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": 2665,
"weight_decay": 0.01
}
```
## Full Model Architecture
```
SentenceTransformer(
(0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: DistilBertModel
(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 --> |
Dizzykong/gpt2-medium-recipes | 71c9dd35a1bbaa269ab901365af5984c08439414 | 2022-05-21T02:55:18.000Z | [
"pytorch",
"tensorboard",
"gpt2",
"text-generation",
"transformers",
"generated_from_trainer",
"model-index"
] | text-generation | false | Dizzykong | null | Dizzykong/gpt2-medium-recipes | 4 | null | transformers | 19,801 | ---
tags:
- generated_from_trainer
model-index:
- name: gpt2-medium-recipes
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-medium-recipes
This model is a fine-tuned version of [gpt2-medium](https://huggingface.co/gpt2-medium) on an unknown 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: 1
- eval_batch_size: 2
- seed: 42
- gradient_accumulation_steps: 4
- total_train_batch_size: 4
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 0.04
### Training results
### Framework versions
- Transformers 4.19.2
- Pytorch 1.11.0+cu113
- Datasets 2.2.2
- Tokenizers 0.12.1
|
apthakur/distilbert-base-uncased-apala-finetuned-emotion | 6d87f26aa37a11819c1c3b6d86401e30468e9a37 | 2022-05-21T01:38:16.000Z | [
"pytorch",
"tensorboard",
"distilbert",
"text-classification",
"transformers",
"generated_from_trainer",
"license:apache-2.0",
"model-index"
] | text-classification | false | apthakur | null | apthakur/distilbert-base-uncased-apala-finetuned-emotion | 4 | null | transformers | 19,802 | ---
license: apache-2.0
tags:
- generated_from_trainer
metrics:
- accuracy
- f1
model-index:
- name: distilbert-base-uncased-apala-finetuned-emotion
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-apala-finetuned-emotion
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.3696
- Accuracy: 0.476
- F1: 0.4250
## 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 |
|:-------------:|:-----:|:----:|:---------------:|:--------:|:------:|
| No log | 1.0 | 250 | 1.3899 | 0.476 | 0.4059 |
| No log | 2.0 | 500 | 1.3696 | 0.476 | 0.4250 |
### Framework versions
- Transformers 4.19.2
- Pytorch 1.11.0+cu113
- Datasets 2.2.2
- Tokenizers 0.12.1
|
connectivity/feather_berts_1 | 6eb1a245f88cd804e13814e1896db4f06625dd73 | 2022-05-21T14:27:26.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_1 | 4 | null | transformers | 19,803 | Entry not found |
connectivity/feather_berts_2 | 4947da5a7332faa07fe974f9e245c70332dbf3bb | 2022-05-21T14:27:27.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_2 | 4 | null | transformers | 19,804 | Entry not found |
connectivity/feather_berts_3 | 0067b81258b17fd4669af61febbeff4dc9853570 | 2022-05-21T14:27:30.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_3 | 4 | null | transformers | 19,805 | Entry not found |
connectivity/feather_berts_4 | 1987559dcad567a98d56474b02345842e427a3c4 | 2022-05-21T14:27:31.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_4 | 4 | null | transformers | 19,806 | Entry not found |
connectivity/feather_berts_5 | 94089d0f7b57774563c67015fb723299f7179c77 | 2022-05-21T14:27:34.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_5 | 4 | null | transformers | 19,807 | Entry not found |
connectivity/feather_berts_6 | 2a43f47f25c2746faf4228de6b7960c9e86f04af | 2022-05-21T14:27:35.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_6 | 4 | null | transformers | 19,808 | Entry not found |
connectivity/feather_berts_7 | 366943a184df9d7ae2280a75d88195bcf852f3c9 | 2022-05-21T14:27:37.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_7 | 4 | null | transformers | 19,809 | Entry not found |
connectivity/feather_berts_8 | 83b3191f89b44f67ceb5e3de3651b89dc79f672e | 2022-05-21T14:27:38.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_8 | 4 | null | transformers | 19,810 | Entry not found |
connectivity/feather_berts_9 | 3934989cf6c244e81ccee2d398e36bb37df8f414 | 2022-05-21T14:27:40.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_9 | 4 | null | transformers | 19,811 | Entry not found |
connectivity/feather_berts_10 | edd6bb92a4bf9fd2ad874b87bc11f5111e822f09 | 2022-05-21T14:27:42.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_10 | 4 | null | transformers | 19,812 | Entry not found |
connectivity/feather_berts_11 | 539e1959b4dc3156402d8bf816dfa203a80cd838 | 2022-05-21T14:27:45.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_11 | 4 | null | transformers | 19,813 | Entry not found |
connectivity/feather_berts_12 | 9a9993bab8ac60196bb4a6593e356de09669d02a | 2022-05-21T14:27:46.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_12 | 4 | null | transformers | 19,814 | Entry not found |
connectivity/feather_berts_13 | 50a80d762d6d68a42e13ead0cbdacf0199d19b19 | 2022-05-21T14:27:48.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_13 | 4 | null | transformers | 19,815 | Entry not found |
connectivity/feather_berts_16 | 08622ce914b2e7d305a49880ea1f87be01e7ac21 | 2022-05-21T14:27:55.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_16 | 4 | null | transformers | 19,816 | Entry not found |
connectivity/feather_berts_23 | 48cbf02325d393c77e3abc872339835c67b860a4 | 2022-05-21T14:28:12.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_23 | 4 | null | transformers | 19,817 | Entry not found |
connectivity/feather_berts_30 | 3b947d647fb7babe063813bb693536d00f0b1713 | 2022-05-21T14:28:26.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_30 | 4 | null | transformers | 19,818 | Entry not found |
connectivity/feather_berts_31 | e7c158bffa569c8d9d8b7567de51682bd4f39d7c | 2022-05-21T14:28:28.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_31 | 4 | null | transformers | 19,819 | Entry not found |
connectivity/feather_berts_33 | e0c817bc3f5442e71f32b63eae7d23128374e4ea | 2022-05-21T14:28:31.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_33 | 4 | null | transformers | 19,820 | Entry not found |
connectivity/feather_berts_34 | 6642fbe631b657d21c39fa453d4f24ec39cc6e92 | 2022-05-21T14:28:34.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_34 | 4 | null | transformers | 19,821 | Entry not found |
connectivity/feather_berts_35 | 7d4dbc340a485e5b653cd62ab686efbe82a6a492 | 2022-05-21T14:28:35.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_35 | 4 | null | transformers | 19,822 | Entry not found |
connectivity/feather_berts_36 | 4aae95751d0b93626a18a75733cc542e7ec6333a | 2022-05-21T14:28:38.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_36 | 4 | null | transformers | 19,823 | Entry not found |
connectivity/feather_berts_39 | 7b3a37cecccb1ae5b0e73e3048d05feab81ac73c | 2022-05-21T14:28:43.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_39 | 4 | null | transformers | 19,824 | Entry not found |
connectivity/feather_berts_41 | 4ab6c5f400b4d63915046d8301674c5b0b4a7fd8 | 2022-05-21T14:28:47.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_41 | 4 | null | transformers | 19,825 | Entry not found |
connectivity/feather_berts_46 | 88c3bc36b27e422dcbaf8b2dff61dfa0849fec92 | 2022-05-21T14:28:57.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_46 | 4 | null | transformers | 19,826 | Entry not found |
connectivity/feather_berts_47 | 46fbdbea8753aefe60cd8e8d110d595e263e3877 | 2022-05-21T14:28:59.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_47 | 4 | null | transformers | 19,827 | Entry not found |
connectivity/feather_berts_48 | dc88e4caca5b35dad322f451b965dc56ef1376ca | 2022-05-21T14:29:00.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_48 | 4 | null | transformers | 19,828 | Entry not found |
connectivity/feather_berts_49 | 3c45c762bd0f3cf90c64828c8376cb9723496975 | 2022-05-21T14:29:02.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_49 | 4 | null | transformers | 19,829 | Entry not found |
connectivity/feather_berts_50 | 7838288708a28c430f20332b6173da3d2587d22b | 2022-05-21T14:29:03.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_50 | 4 | null | transformers | 19,830 | Entry not found |
connectivity/feather_berts_51 | a246478d7704c23a230943427575d1961f00da68 | 2022-05-21T14:29:05.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_51 | 4 | null | transformers | 19,831 | Entry not found |
connectivity/feather_berts_52 | 8e680d3477427ccbe15e3bd6e6fbabd12a1fe2a8 | 2022-05-21T14:29:06.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_52 | 4 | null | transformers | 19,832 | Entry not found |
connectivity/feather_berts_53 | 6dc062ac6f0a7d66be2f257a5c3f1c0effdab072 | 2022-05-21T14:29:08.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_53 | 4 | null | transformers | 19,833 | Entry not found |
connectivity/feather_berts_54 | 21c55bad63982faa585d1648c747a88a50c6e7e4 | 2022-05-21T14:29:09.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_54 | 4 | null | transformers | 19,834 | Entry not found |
connectivity/feather_berts_55 | 5931ac77090c6f780e245105626b1006d9a20e25 | 2022-05-21T14:29:10.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_55 | 4 | null | transformers | 19,835 | Entry not found |
connectivity/feather_berts_56 | 5932f3025dddea9601eff21594453f81eb89b285 | 2022-05-21T14:29:12.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_56 | 4 | null | transformers | 19,836 | Entry not found |
connectivity/feather_berts_57 | 5f1a446779a4af8a5d5a28b1274ed0e78e6f1eda | 2022-05-21T14:29:13.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_57 | 4 | null | transformers | 19,837 | Entry not found |
connectivity/feather_berts_58 | 8e9d872ddc85972b69748d3843d8de88c5dc44ad | 2022-05-21T14:29:15.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_58 | 4 | null | transformers | 19,838 | Entry not found |
connectivity/feather_berts_59 | 4f2964343e1e0c3b6bca87e608da85e58dcf4c62 | 2022-05-21T14:29:17.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_59 | 4 | null | transformers | 19,839 | Entry not found |
connectivity/feather_berts_60 | 4264c5181ca54b0ec9799e7dfaf4cc0f530a8882 | 2022-05-21T14:29:20.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_60 | 4 | null | transformers | 19,840 | Entry not found |
connectivity/feather_berts_62 | a7885b84c586f15ced35e3e89345000104ffbd2b | 2022-05-21T14:29:24.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_62 | 4 | null | transformers | 19,841 | Entry not found |
connectivity/feather_berts_63 | 6e1958256e38040ab7515117216c1f2d33ee38b9 | 2022-05-21T14:29:26.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_63 | 4 | null | transformers | 19,842 | Entry not found |
connectivity/feather_berts_65 | 044a0288a473989cefb8c182c68ac02a06a87c6d | 2022-05-21T14:29:32.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_65 | 4 | null | transformers | 19,843 | Entry not found |
connectivity/feather_berts_71 | 355510a6530aca146e7aa074a66b2b9b523ba2a7 | 2022-05-21T14:29:43.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_71 | 4 | null | transformers | 19,844 | Entry not found |
connectivity/feather_berts_72 | decffaf95ca6dbd939df445da7dfbf24ae081b96 | 2022-05-21T14:29:46.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_72 | 4 | null | transformers | 19,845 | Entry not found |
connectivity/feather_berts_76 | af8ae044d31818246c5c8694109c2409333f17e5 | 2022-05-21T14:30:13.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_76 | 4 | null | transformers | 19,846 | Entry not found |
connectivity/feather_berts_80 | 368d28c5d91ed23cb81448e5c3c5237f901bb4c1 | 2022-05-21T14:30:20.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_80 | 4 | null | transformers | 19,847 | Entry not found |
connectivity/feather_berts_81 | 7b20386ced25f9dae563dabcbc6057fd4c6683e1 | 2022-05-21T14:30:23.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_81 | 4 | null | transformers | 19,848 | Entry not found |
connectivity/feather_berts_83 | f7590f45eee41da935ada5e5d615371f7aea2845 | 2022-05-21T14:30:30.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_83 | 4 | null | transformers | 19,849 | Entry not found |
connectivity/feather_berts_84 | 8834521e2821b7cfaf4d35032b305e9024d0ba38 | 2022-05-21T14:30:32.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_84 | 4 | null | transformers | 19,850 | Entry not found |
connectivity/feather_berts_88 | 5bafd66f5022429c1ebe800098889c73e2083972 | 2022-05-21T14:30:43.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_88 | 4 | null | transformers | 19,851 | Entry not found |
connectivity/feather_berts_89 | d8ee4844b055653da403714521864b6c7255da41 | 2022-05-21T14:30:45.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_89 | 4 | null | transformers | 19,852 | Entry not found |
connectivity/feather_berts_90 | 3853b4e8ac332f5397c2109454bf8fd460048139 | 2022-05-21T14:30:46.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_90 | 4 | null | transformers | 19,853 | Entry not found |
connectivity/feather_berts_91 | e105945e2ac60bc12325b9669f704abf5c23506a | 2022-05-21T14:30:49.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_91 | 4 | null | transformers | 19,854 | Entry not found |
connectivity/feather_berts_93 | 9a968d4b356d26844af0013dcd5ce6e5ecb9c89b | 2022-05-21T14:30:55.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_93 | 4 | null | transformers | 19,855 | Entry not found |
connectivity/feather_berts_95 | a39b70feae7c650778be2da8dfb681a40d02a503 | 2022-05-21T14:30:59.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_95 | 4 | null | transformers | 19,856 | Entry not found |
connectivity/feather_berts_96 | 86377ca60ed734e0e4d78a208105499464b2b8ed | 2022-05-21T14:31:00.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_96 | 4 | null | transformers | 19,857 | Entry not found |
connectivity/feather_berts_97 | 64376aff8c3f03e1fb495dda2975810d549b2b5e | 2022-05-21T14:31:03.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_97 | 4 | null | transformers | 19,858 | Entry not found |
connectivity/feather_berts_98 | 4b343d641145a835588ca558eaadf67222d79fec | 2022-05-21T14:31:04.000Z | [
"pytorch",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/feather_berts_98 | 4 | null | transformers | 19,859 | Entry not found |
connectivity/bert_ft_qqp-16 | ed8040d12dd7e7ecc322faf8605a8cf43c004a3c | 2022-05-21T16:32:16.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-16 | 4 | null | transformers | 19,860 | Entry not found |
connectivity/bert_ft_qqp-17 | c2c7c723b5e49e107c2b4732d80dce3d6a0c2a8c | 2022-05-21T16:32:25.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-17 | 4 | null | transformers | 19,861 | Entry not found |
connectivity/bert_ft_qqp-18 | 3a70172fa27809e9d57645ad81c12c62cab64b2d | 2022-05-21T16:32:29.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-18 | 4 | null | transformers | 19,862 | Entry not found |
connectivity/bert_ft_qqp-19 | cc1b2c19069030a9959819add28203c682ce3223 | 2022-05-21T16:32:33.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-19 | 4 | null | transformers | 19,863 | Entry not found |
connectivity/bert_ft_qqp-20 | b099e9e7dd72ed551064f38416be1995b84a42ef | 2022-05-21T16:32:37.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-20 | 4 | null | transformers | 19,864 | Entry not found |
connectivity/bert_ft_qqp-21 | eecd907972e3a27d74a5abcdfb4186b73e4fb06a | 2022-05-21T16:32:40.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-21 | 4 | null | transformers | 19,865 | Entry not found |
connectivity/bert_ft_qqp-25 | 4d8b79198497ec11fa59947bc1986fcce6abe7b7 | 2022-05-21T16:32:54.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-25 | 4 | null | transformers | 19,866 | Entry not found |
connectivity/bert_ft_qqp-26 | d67695e77c94f4a77baa319bfedf2c045b85a49e | 2022-05-21T16:33:00.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-26 | 4 | null | transformers | 19,867 | Entry not found |
connectivity/bert_ft_qqp-27 | 4647abda94bfcdbbbb3cae771bf81dc99fa707b3 | 2022-05-21T16:33:05.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-27 | 4 | null | transformers | 19,868 | Entry not found |
connectivity/bert_ft_qqp-29 | d274db54684f6a917d8ce63e87c6ccd7ec25bad6 | 2022-05-21T16:33:15.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-29 | 4 | null | transformers | 19,869 | Entry not found |
connectivity/bert_ft_qqp-30 | 2d341987e8dccafdae80515ee09de844482201d1 | 2022-05-21T16:33:21.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-30 | 4 | null | transformers | 19,870 | Entry not found |
connectivity/bert_ft_qqp-32 | 312fa1442e9ac06dc9d586a93b525a048761ad82 | 2022-05-21T16:33:29.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-32 | 4 | null | transformers | 19,871 | Entry not found |
connectivity/bert_ft_qqp-33 | f4793cbae821d00d3c9a000b39e22cffccde292b | 2022-05-21T16:33:33.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-33 | 4 | null | transformers | 19,872 | Entry not found |
connectivity/bert_ft_qqp-34 | e72e6c0285b0952a5c7b00c5ff591a949e632f3b | 2022-05-21T16:33:36.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-34 | 4 | null | transformers | 19,873 | Entry not found |
connectivity/bert_ft_qqp-37 | 0b32ec5c07059ca29d35776b5981c109aa28c43b | 2022-05-21T16:33:51.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-37 | 4 | null | transformers | 19,874 | Entry not found |
connectivity/bert_ft_qqp-38 | 600333e828e860c9cb39ae2b85570e9539e30ee2 | 2022-05-21T16:33:54.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-38 | 4 | null | transformers | 19,875 | Entry not found |
connectivity/bert_ft_qqp-39 | bc5e1762db753564bb133e773f0287f8e9127244 | 2022-05-21T16:33:59.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-39 | 4 | null | transformers | 19,876 | Entry not found |
connectivity/bert_ft_qqp-41 | 9d6e5e88a33e707a636a070359808575a63e0b04 | 2022-05-21T16:34:09.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-41 | 4 | null | transformers | 19,877 | Entry not found |
connectivity/bert_ft_qqp-42 | d48423346af5f5d2f2faedf99611e507d00655cb | 2022-05-21T16:34:13.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-42 | 4 | null | transformers | 19,878 | Entry not found |
connectivity/bert_ft_qqp-43 | 4f670fa95ddba3fcd45133597b21d40606f57c41 | 2022-05-21T16:34:17.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-43 | 4 | null | transformers | 19,879 | Entry not found |
connectivity/bert_ft_qqp-46 | ef6392e5b8342e7961bdbc94755d56246ba70fb0 | 2022-05-21T16:34:28.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-46 | 4 | null | transformers | 19,880 | Entry not found |
connectivity/bert_ft_qqp-47 | d8e977d88a7bdc8dd0558f9ff2daaba70b3da0c8 | 2022-05-21T16:34:35.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-47 | 4 | null | transformers | 19,881 | Entry not found |
connectivity/bert_ft_qqp-49 | 5dcafe106a24c7850b04e55141a40693eba17fc9 | 2022-05-21T16:34:45.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-49 | 4 | null | transformers | 19,882 | Entry not found |
connectivity/bert_ft_qqp-50 | 1a54e509671ce7f0623a324dc76a109792d2d23d | 2022-05-21T16:34:52.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-50 | 4 | null | transformers | 19,883 | Entry not found |
connectivity/bert_ft_qqp-51 | ffeb2e49e3cd118ca2bf6c109fd43745ffe99b97 | 2022-05-21T16:34:57.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-51 | 4 | null | transformers | 19,884 | Entry not found |
connectivity/bert_ft_qqp-52 | 9b00116e5d48a40d31bedfcae64ea1ab8dee9146 | 2022-05-21T16:35:03.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-52 | 4 | null | transformers | 19,885 | Entry not found |
connectivity/bert_ft_qqp-53 | e116a750ae9e7f631a209950fbb768bb6807db87 | 2022-05-21T16:35:07.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-53 | 4 | null | transformers | 19,886 | Entry not found |
connectivity/bert_ft_qqp-54 | 7674c297c3b4d960605fd8eabcdf1122731e547f | 2022-05-21T16:35:10.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-54 | 4 | null | transformers | 19,887 | Entry not found |
connectivity/bert_ft_qqp-55 | d9f29c1f832bafbc8a5c1c65917f557c65f991ab | 2022-05-21T16:35:16.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-55 | 4 | null | transformers | 19,888 | Entry not found |
connectivity/bert_ft_qqp-56 | e6c6e03adc2746faa1d7f559b2fe17ff73c540de | 2022-05-21T16:35:22.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-56 | 4 | null | transformers | 19,889 | Entry not found |
connectivity/bert_ft_qqp-57 | 604a41409463fb7835481785cb99dbb8b24727ce | 2022-05-21T16:35:26.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-57 | 4 | null | transformers | 19,890 | Entry not found |
connectivity/bert_ft_qqp-58 | 5b3e934234337ff3c8d03fe7ba3e3a679049b4f5 | 2022-05-21T16:35:32.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-58 | 4 | null | transformers | 19,891 | Entry not found |
connectivity/bert_ft_qqp-59 | 4d2fed827db6c299d56bfc1f6a678f98c463c149 | 2022-05-21T16:35:35.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-59 | 4 | null | transformers | 19,892 | Entry not found |
connectivity/bert_ft_qqp-60 | 9417dd55425d2f8f2009a9edeb79066101165fa5 | 2022-05-21T16:35:42.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-60 | 4 | null | transformers | 19,893 | Entry not found |
connectivity/bert_ft_qqp-61 | ad96eaaab871a85e65ece7b08bf9873cacab93f9 | 2022-05-21T16:35:45.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-61 | 4 | null | transformers | 19,894 | Entry not found |
connectivity/bert_ft_qqp-62 | 4f8beef85698e6bf1e0833f0fb9036449838a785 | 2022-05-21T16:35:51.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-62 | 4 | null | transformers | 19,895 | Entry not found |
connectivity/bert_ft_qqp-63 | 13621052a3dcec6bd6f3f425b43dac9f0c35a6d8 | 2022-05-21T16:35:57.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-63 | 4 | null | transformers | 19,896 | Entry not found |
connectivity/bert_ft_qqp-64 | b8b68c6db57f4908e195a28b1346ba5ddedac11d | 2022-05-21T16:36:00.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-64 | 4 | null | transformers | 19,897 | Entry not found |
connectivity/bert_ft_qqp-65 | a0948cbe46d11c0f93a32a1d3b92ba5630735a03 | 2022-05-21T16:36:03.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-65 | 4 | null | transformers | 19,898 | Entry not found |
connectivity/bert_ft_qqp-67 | 048466764d8bcefefb16d6119b1dce175d22d4dc | 2022-05-21T16:36:10.000Z | [
"pytorch",
"tensorboard",
"bert",
"text-classification",
"transformers"
] | text-classification | false | connectivity | null | connectivity/bert_ft_qqp-67 | 4 | null | transformers | 19,899 | Entry not found |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.