phantom-dispatch-01 / README.md
edwsiew's picture
Add SetFit model
8897df8 verified
---
base_model: sentence-transformers/paraphrase-mpnet-base-v2
library_name: setfit
metrics:
- accuracy
pipeline_tag: text-classification
tags:
- setfit
- sentence-transformers
- text-classification
- generated_from_setfit_trainer
widget:
- text: troubleshooting n a test results n a trouble description generator failed
to start during blackout test transfer switch died before generator could start
transfer switch need repair asap back power need to be wired to transfer switch
history of trouble n a vendor acas problem description generator failed to start
during blackout test transfer switch died before generator could start transfer
switch need repair asap back power need to be wired to transfer switch special
access n a
- text: 1 gen with oil pressure shutdown alarm 2 genfail alarm is not showing up in
site boss requestor banaag rommel requestor email rommel banaag verizonwireless
com requestor phone 951 8342458
- text: troubleshooting triage category gen fail site id cvl02692 alarms cvl02692
rbs generator fail fieldreplaceableunit=sau 1 alarmport=12 2024 08 06 06 23 36
med generator verification yes history n a knowledge judgement sending to vendor
to check generator dispatch strategy vendor test results triage category gen fail
site id cvl02692 alarms cvl02692 rbs generator fail fieldreplaceableunit=sau 1
alarmport=12 2024 08 06 06 23 36 med generator verification yes history n a knowledge
judgement sending to vendor to check generator dispatch strategy vendor trouble
description rbs generator fail history of trouble triage category gen fail site
id cvl02692 alarms cvl02692 rbs generator fail fieldreplaceableunit=sau 1 alarmport=12
2024 08 06 06 23 36 med generator verification yes history n a knowledge judgement
sending to vendor to check generator dispatch strategy vendor vendor acas problem
description rbs generator fail special access n a
- text: troubleshooting triage category rbs generator fuel leak alarm cvl08526 cvl08526
rbs generator fuel leak fieldreplaceableunit=sau 1 alarmport=23 2024 07 10 13
07 38 cvl08526 cvl08526 rbs rbs generator fuel leak fieldreplaceableunit=sau 1
alarmport=20 2024 07 10 13 05 04 mdat oremis verification generator generac baldor
magnum sd30 manufacturer generac baldor magnum model sd30 status in use serial
3008406953 kw 30 prime power source no still on site yes engine perkins engine
co ltd 404d 22ta manufacturer perkins engine co ltd model 404d 22ta serial gr84695u9967000g
max engine kw 36 manufacturered date 2021 02 01 engine type diesel max brake hp
49 in service date 2022 07 13 fuel type ultra low sulfur diesel ulsd owner cell
no repeats open related tckt active eim intrusion knowledge judgement sending
to vendor to investigate and resolve gen rbs generator fuel leak condition dispatch
strategy vendor test results triage category generator rbs generator fuel leak
alarm cvl08526 cvl08526 rbs generator fuel leak fieldreplaceableunit=sau 1 alarmport=23
2024 07 10 13 07 38 cvl08526 cvl08526 rbs generator rbs generator fuel leak fieldreplaceableunit=sau
1 alarmport=20 2024 07 10 13 05 04 mdat oremis verification generator generac
baldor magnum sd30 manufacturer generac baldor magnum model sd30 status in use
serial 3008406953 kw 30 prime power source no still on site yes engine perkins
engine co ltd 404d 22ta manufacturer perkins engine co ltd model 404d 22ta serial
gr84695u9967000g max engine kw 36 manufacturered date 2021 02 01 engine type diesel
max brake hp 49 in service date 2022 07 13 fuel type ultra low sulfur diesel ulsd
owner cell no repeats open related tckt active eim intrusion knowledge judgement
sending to vendor to investigate and resolve gen rbs generator fuel leak condition
dispatch strategy vendor trouble description smart rbs generator fuel leak history
of trouble na vendor acas problem description smart rbs generator fuel leak special
access na
- text: troubleshooting triage category gen fail oss netcool alarms ccl05638 rbs generator
fail fieldreplaceableunit=sau 1 alarmport=10 rbs generator fail ca daly city cell
site guadalupe canyon parkway 2024 07 29 23 37 56 smart alarm y mdat verification
active generac sd030 2022 d 3012298793 fixed in compound history no repeats tab
no open related tickets in aots knowledge judgement sending to vendor to check
gen fail dispatch strategy vendor test results triage category gen fail oss netcool
alarms ccl05638 rbs generator fail fieldreplaceableunit=sau 1 alarmport=10 rbs
generator fail ca daly city cell site guadalupe canyon parkway 2024 07 29 23 37
56 smart alarm y mdat verification active generac sd030 2022 d 3012298793 fixed
in compound history no repeats tab no open related tickets in aots knowledge judgement
sending to vendor to check gen fail dispatch strategy vendor trouble description
triage category gen fail oss netcool alarms ccl05638 rbs generator fail fieldreplaceableunit=sau
1 alarmport=10 rbs generator fail ca daly city cell site guadalupe canyon parkway
2024 07 29 23 37 56 smart alarm y mdat verification active generac sd030 2022
d 3012298793 fixed in compound history no repeats tab no open related tickets
in aots knowledge judgement sending to vendor to check gen fail dispatch strategy
vendor history of trouble n a vendor acas problem description triage category
gen fail oss netcool alarms ccl05638 rbs generator fail fieldreplaceableunit=sau
1 alarmport=10 rbs generator fail ca daly city cell site guadalupe canyon parkway
2024 07 29 23 37 56 smart alarm y mdat verification active generac sd030 2022
d 3012298793 fixed in compound history no repeats tab no open related tickets
in aots knowledge judgement sending to vendor to check gen fail dispatch strategy
vendor special access n a
inference: true
model-index:
- name: SetFit with sentence-transformers/paraphrase-mpnet-base-v2
results:
- task:
type: text-classification
name: Text Classification
dataset:
name: Unknown
type: unknown
split: test
metrics:
- type: accuracy
value: 0.6666666666666666
name: Accuracy
---
# SetFit with sentence-transformers/paraphrase-mpnet-base-v2
This is a [SetFit](https://github.com/huggingface/setfit) model that can be used for Text Classification. This SetFit model uses [sentence-transformers/paraphrase-mpnet-base-v2](https://huggingface.co/sentence-transformers/paraphrase-mpnet-base-v2) as the Sentence Transformer embedding model. A [LogisticRegression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) instance is used for classification.
The model has been trained using an efficient few-shot learning technique that involves:
1. Fine-tuning a [Sentence Transformer](https://www.sbert.net) with contrastive learning.
2. Training a classification head with features from the fine-tuned Sentence Transformer.
## Model Details
### Model Description
- **Model Type:** SetFit
- **Sentence Transformer body:** [sentence-transformers/paraphrase-mpnet-base-v2](https://huggingface.co/sentence-transformers/paraphrase-mpnet-base-v2)
- **Classification head:** a [LogisticRegression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) instance
- **Maximum Sequence Length:** 512 tokens
- **Number of Classes:** 2 classes
<!-- - **Training Dataset:** [Unknown](https://huggingface.co/datasets/unknown) -->
<!-- - **Language:** Unknown -->
<!-- - **License:** Unknown -->
### Model Sources
- **Repository:** [SetFit on GitHub](https://github.com/huggingface/setfit)
- **Paper:** [Efficient Few-Shot Learning Without Prompts](https://arxiv.org/abs/2209.11055)
- **Blogpost:** [SetFit: Efficient Few-Shot Learning Without Prompts](https://huggingface.co/blog/setfit)
### Model Labels
| Label | Examples |
|:------|:-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
| 1 | <ul><li>'please dispatch to troubleshoot generator failure the generator failed during exercise requestor cadenhead jason requestor email jason cadenhead verizonwireless com requestor phone 903 399 6027'</li><li>'troubleshooting triage category generator shut down oss netcool alarms ccl04246 rbs generator shut down fieldreplaceableunit=sau alarmport=5 rbs generator shut down 2024 07 04 16 31 52 smart alarm ccl04246 rbs generator shut down fieldreplaceableunit=sau alarmport=5 2024 07 04 16 31 36 mdat oremis verification generac baldor magnum repeats open related tckt active eim intrusionknowledge judgement sending to vendor to investigate and resolve gen shut down condition dispatch strategy vendor test results triage category generator shut down oss netcool alarms ccl04246 rbs generator shut down fieldreplaceableunit=sau alarmport=5 rbs generator shut down 2024 07 04 16 31 52 smart alarm ccl04246 rbs generator shut down fieldreplaceableunit=sau alarmport=5 2024 07 04 16 31 36 mdat oremis verification generac baldor magnum repeats open related tckt active eim intrusionknowledge judgement sending to vendor to investigate and resolve gen shut down condition dispatch strategy vendor trouble description triage category generator shut down oss netcool alarms ccl04246 rbs generator shut down fieldreplaceableunit=sau alarmport=5 rbs generator shut down 2024 07 04 16 31 52 smart alarm ccl04246 rbs generator shut down fieldreplaceableunit=sau alarmport=5 2024 07 04 16 31 36 mdat oremis verification generac baldor magnum repeats open related tckt active eim intrusionknowledge judgement sending to vendor to investigate and resolve gen shut down condition dispatch strategy vendor history of trouble na vendor acas problem description triage category generator shut down oss netcool alarms ccl04246 rbs generator shut down fieldreplaceableunit=sau alarmport=5 rbs generator shut down 2024 07 04 16 31 52 smart alarm ccl04246 rbs generator shut down fieldreplaceableunit=sau alarmport=5 2024 07 04 16 31 36 mdat oremis verification generac baldor magnum repeats open related tckt active eim intrusionknowledge judgement sending to vendor to investigate and resolve gen shut down condition dispatch strategy vendor special access na'</li><li>'troubleshooting triage category gen fail oss netcool alarms dxl02173 rbs generator fail fieldreplaceableunit=sau alarmport=13 rbs generator fail tx buffalo cell site dt buffalo 2024 08 11 04 59 30 2024 08 11 04 59 30 07 20 36 7200 56110 1091 1 30508 dxl02173 southwest central texas 0 external alarm ericsson_oss_rc dxl02173 ericsson_oss external alarm rbs generator fail d_357_prx1 mobility pl1_259ag 61089964 0 0 2024 08 11 2 3 critical 5 dxl02173 rbs generator fail fieldreplaceableunit=sau alarmport=13 rbs generator fail tx buffalo cell site dt buffalo 2024 08 11 05 01 11 2024 08 11 05 01 11 07 18 55 7200 tt000080568668 56110 1091 1 30508 dxl02173 southwest central texas 1723385658 correlated external alarm correlated ericsson_oss_rc dxl02173 ericsson_oss external alarm rbs generator fail smart alarm dxl02173 dxl02173 rbs generator fail fieldreplaceableunit=sau alarmport=13 2024 08 11 06 59 23 mdat verification generac baldor magnum history no repeats tab no open related tickets in aots knowledge judgement sending to vendor to check gen fail weekly scheduled exercise tu 1pm for 30 mins active rbs generator fail alarm pls send vendor to check the generator dispatch strategy vendor test results triage category gen fail oss netcool alarms dxl02173 rbs generator fail fieldreplaceableunit=sau alarmport=13 rbs generator fail tx buffalo cell site dt buffalo 2024 08 11 04 59 30 2024 08 11 04 59 30 07 20 36 7200 56110 1091 1 30508 dxl02173 southwest central texas 0 external alarm ericsson_oss_rc dxl02173 ericsson_oss external alarm rbs generator fail d_357_prx1 mobility pl1_259ag 61089964 0 0 2024 08 11 2 3 critical 5 dxl02173 rbs generator fail fieldreplaceableunit=sau alarmport=13 rbs generator fail tx buffalo cell site dt buffalo 2024 08 11 05 01 11 2024 08 11 05 01 11 07 18 55 7200 tt000080568668 56110 1091 1 30508 dxl02173 southwest central texas 1723385658 correlated external alarm correlated ericsson_oss_rc dxl02173 ericsson_oss external alarm rbs generator fail smart alarm dxl02173 dxl02173 rbs generator fail fieldreplaceableunit=sau alarmport=13 2024 08 11 06 59 23 mdat verification generac baldor magnum history no repeats tab no open related tickets in aots knowledge judgement sending to vendor to check gen fail weekly scheduled exercise tu 1pm for 30 mins active rbs generator fail alarm pls send vendor to check the generator dispatch strategy vendor trouble description triage category gen fail oss netcool alarms dxl02173 rbs generator fail fieldreplaceableunit=sau alarmport=13 rbs generator fail tx buffalo cell site dt buffalo 2024 08 11 04 59 30 2024 08 11 04 59 30 07 20 36 7200 56110 1091 1 30508 dxl02173 southwest central texas 0 external alarm ericsson_oss_rc dxl02173 ericsson_oss external alarm rbs generator fail d_357_prx1 mobility pl1_259ag 61089964 0 0 2024 08 11 2 3 critical 5 dxl02173 rbs generator fail fieldreplaceableunit=sau alarmport=13 rbs generator fail tx buffalo cell site dt buffalo 2024 08 11 05 01 11 2024 08 11 05 01 11 07 18 55 7200 tt000080568668 56110 1091 1 30508 dxl02173 southwest central texas 1723385658 correlated external alarm correlated ericsson_oss_rc dxl02173 ericsson_oss external alarm rbs generator fail smart alarm dxl02173 dxl02173 rbs generator fail fieldreplaceableunit=sau alarmport=13 2024 08 11 06 59 23 mdat verification generac baldor magnum history no repeats tab no open related tickets in aots knowledge judgement sending to vendor to check gen fail weekly scheduled exercise tu 1pm for 30 mins active rbs generator fail alarm pls send vendor to check the generator dispatch strategy vendor history of trouble na vendor acas problem description triage category gen fail oss netcool alarms dxl02173 rbs generator fail fieldreplaceableunit=sau alarmport=13 rbs generator fail tx buffalo cell site dt buffalo 2024 08 11 04 59 30 2024 08 11 04 59 30 07 20 36 7200 56110 1091 1 30508 dxl02173 southwest central texas 0 external alarm ericsson_oss_rc dxl02173 ericsson_oss external alarm rbs generator fail d_357_prx1 mobility pl1_259ag 61089964 0 0 2024 08 11 2 3 critical 5 dxl02173 rbs generator fail fieldreplaceableunit=sau alarmport special access 24x7 access indoor site fixed generator on site portable generator can be deployed to site single phase cam loc on site will need standard length power cords crown castle 800 788 7011 txu oncor 888 313 4747 meter# 113 091 407 acct# 114949 compound combo 7011 locks 3588 lockbox 0696 lockbox is inside generator left hand side'</li></ul> |
| 0 | <ul><li>'troubleshooting triage category gen fail cli alarms rbs generator fail fieldreplaceableunit=sau alarmport=24 2024 08 06 06 34 13 mdat verification y generator generac baldor magnum sg35 3002404264 fixed history knowledge judgement sending to vendor to check generator dispatch strategy vendor test results triage category gen fail cli alarms rbs generator fail fieldreplaceableunit=sau alarmport=24 2024 08 06 06 34 13 mdat verification y generator generac baldor magnum sg35 3002404264 fixed history knowledge judgement sending to vendor to check generator dispatch strategy vendor trouble description triage category gen fail cli alarms rbs generator fail fieldreplaceableunit=sau alarmport=24 2024 08 06 06 34 13 mdat verification y generator generac baldor magnum sg35 3002404264 fixed history knowledge judgement sending to vendor to check generator dispatch strategy vendor history of trouble n a vendor acas problem description triage category gen fail cli alarms rbs generator fail fieldreplaceableunit=sau alarmport=24 2024 08 06 06 34 13 mdat verification y generator generac baldor magnum sg35 3002404264 fixed history knowledge judgement sending to vendor to check generator dispatch strategy vendor special access n a'</li><li>'troubleshooting triage category gen mj oss netcool alarms cvl06141 rbs generator mj fieldreplaceableunit=sau 1 alarmport=11 rbs generator mj ca kingsburg cell site south traver rev 2024 08 19 11 39 15 2024 08 19 11 39 15 01 39 50 3600 tt000080604725 56110 1091 1 9585 cvl06141 west sacramento 0 external alarm ericsson_oss_rc cvl06141 ericsson_oss external alarm rbs generator mj smart alarm cvl06141 cvl06141 rbs generator mj fieldreplaceableunit=sau 1 alarmport=11 2024 08 19 11 39 07 mdat verification generac baldor magnum history no repeats tab no open related tickets in aots knowledge judgement sending to vendor to check gen mj weekly scheduled exercise tu 06 30 active rbs generator mj alarm pls send vendor to check the generator dispatch strategy vendor test results triage category gen mj oss netcool alarms cvl06141 rbs generator mj fieldreplaceableunit=sau 1 alarmport=11 rbs generator mj ca kingsburg cell site south traver rev 2024 08 19 11 39 15 2024 08 19 11 39 15 01 39 50 3600 tt000080604725 56110 1091 1 9585 cvl06141 west sacramento 0 external alarm ericsson_oss_rc cvl06141 ericsson_oss external alarm rbs generator mj smart alarm cvl06141 cvl06141 rbs generator mj fieldreplaceableunit=sau 1 alarmport=11 2024 08 19 11 39 07 mdat verification generac baldor magnum history no repeats tab no open related tickets in aots knowledge judgement sending to vendor to check gen mj weekly scheduled exercise tu 06 30 active rbs generator mj alarm pls send vendor to check the generator dispatch strategy vendor trouble description triage category gen mj oss netcool alarms cvl06141 rbs generator mj fieldreplaceableunit=sau 1 alarmport=11 rbs generator mj ca kingsburg cell site south traver rev 2024 08 19 11 39 15 2024 08 19 11 39 15 01 39 50 3600 tt000080604725 56110 1091 1 9585 cvl06141 west sacramento 0 external alarm ericsson_oss_rc cvl06141 ericsson_oss external alarm rbs generator mj smart alarm cvl06141 cvl06141 rbs generator mj fieldreplaceableunit=sau 1 alarmport=11 2024 08 19 11 39 07 mdat verification generac baldor magnum history no repeats tab no open related tickets in aots knowledge judgement sending to vendor to check gen mj weekly scheduled exercise tu 06 30 active rbs generator mj alarm pls send vendor to check the generator dispatch strategy vendor history of trouble na vendor acas problem description triage category gen mj oss netcool alarms cvl06141 rbs generator mj fieldreplaceableunit=sau 1 alarmport=11 rbs generator mj ca kingsburg cell site south traver rev 2024 08 19 11 39 15 2024 08 19 11 39 15 01 39 50 3600 tt000080604725 56110 1091 1 9585 cvl06141 west sacramento 0 external alarm ericsson_oss_rc cvl06141 ericsson_oss external alarm rbs generator mj smart alarm cvl06141 cvl06141 rbs generator mj fieldreplaceableunit=sau 1 alarmport=11 2024 08 19 11 39 07 mdat verificatio special access fixed gen on site portable can be deployed 24 7 access no notice required crown managed bu 815954 gate combo 7011 door arrow key generator 7011'</li><li>'troubleshooting while on site for generator controller survey we found 2 active alarms alarmport=28 rbs generator mj and alarmport=26 rbs generator fuel leak test results active alarms will be active until vendor changes the 2 alarms from open to close trouble description while on site for generator controller survey we found 2 active alarms alarmport=28 rbs generator mj and alarmport=26 rbs generator fuel leak we need vendor to redefine the alarms on the generator from normally open to normally closed history of trouble n a vendor acas problem description while on site for generator controller survey we found 2 active alarms alarmport=28 rbs generator mj and alarmport=26 rbs generator fuel leak special access n a'</li></ul> |
## Evaluation
### Metrics
| Label | Accuracy |
|:--------|:---------|
| **all** | 0.6667 |
## Uses
### Direct Use for Inference
First install the SetFit library:
```bash
pip install setfit
```
Then you can load this model and run inference.
```python
from setfit import SetFitModel
# Download from the 🤗 Hub
model = SetFitModel.from_pretrained("edwsiew/phantom-dispatch-01")
# Run inference
preds = model("1 gen with oil pressure shutdown alarm 2 genfail alarm is not showing up in site boss requestor banaag rommel requestor email rommel banaag verizonwireless com requestor phone 951 8342458")
```
<!--
### Downstream Use
*List how someone could finetune this model on their own dataset.*
-->
<!--
### Out-of-Scope Use
*List how the model may foreseeably be misused and address what users ought not to do with the model.*
-->
<!--
## Bias, Risks and Limitations
*What are the known or foreseeable issues stemming from this model? You could also flag here known failure cases or weaknesses of the model.*
-->
<!--
### Recommendations
*What are recommendations with respect to the foreseeable issues? For example, filtering explicit content.*
-->
## Training Details
### Training Set Metrics
| Training set | Min | Median | Max |
|:-------------|:----|:---------|:----|
| Word count | 3 | 182.3273 | 915 |
| Label | Training Sample Count |
|:------|:----------------------|
| 0 | 14 |
| 1 | 41 |
### Training Hyperparameters
- batch_size: (8, 8)
- num_epochs: (1, 1)
- max_steps: -1
- sampling_strategy: oversampling
- num_iterations: 3
- body_learning_rate: (2e-05, 2e-05)
- head_learning_rate: 2e-05
- loss: CosineSimilarityLoss
- distance_metric: cosine_distance
- margin: 0.25
- end_to_end: False
- use_amp: False
- warmup_proportion: 0.1
- seed: 42
- eval_max_steps: -1
- load_best_model_at_end: False
### Training Results
| Epoch | Step | Training Loss | Validation Loss |
|:------:|:----:|:-------------:|:---------------:|
| 0.0238 | 1 | 0.2379 | - |
### Framework Versions
- Python: 3.12.0
- SetFit: 1.0.3
- Sentence Transformers: 3.0.1
- Transformers: 4.39.0
- PyTorch: 2.4.0+cu121
- Datasets: 2.21.0
- Tokenizers: 0.15.2
## Citation
### BibTeX
```bibtex
@article{https://doi.org/10.48550/arxiv.2209.11055,
doi = {10.48550/ARXIV.2209.11055},
url = {https://arxiv.org/abs/2209.11055},
author = {Tunstall, Lewis and Reimers, Nils and Jo, Unso Eun Seo and Bates, Luke and Korat, Daniel and Wasserblat, Moshe and Pereg, Oren},
keywords = {Computation and Language (cs.CL), FOS: Computer and information sciences, FOS: Computer and information sciences},
title = {Efficient Few-Shot Learning Without Prompts},
publisher = {arXiv},
year = {2022},
copyright = {Creative Commons Attribution 4.0 International}
}
```
<!--
## Glossary
*Clearly define terms in order to be accessible across audiences.*
-->
<!--
## Model Card Authors
*Lists the people who create the model card, providing recognition and accountability for the detailed work that goes into its construction.*
-->
<!--
## Model Card Contact
*Provides a way for people who have updates to the Model Card, suggestions, or questions, to contact the Model Card authors.*
-->