--- tags: - sentence-transformers - sentence-similarity - feature-extraction - generated_from_trainer - dataset_size:7057 - loss:CosineSimilarityLoss base_model: sentence-transformers/all-MiniLM-L6-v2 widget: - source_sentence: What steps are required if a customer initially has a Device Payment Single Recurring Credit (SRC) on Day 1 and then makes a Full Retail Purchase SRC on Day 2-14? sentences: - 'Context: PM ET on Mon - Fri or during the weekend to: VBG.URT.After.Hours@verizon.com Note: Directing a customer complaint to the appropriate email generates a case. A representative contacts the customer within 24 hours, but not after 8 PM due to industry regulations. The representative directing the customer complaint receives an email confirming the following: Receipt Case creation Case assignment Standard Complaints Leaders / Coordinators / Specialists must direct all other complaints to cersBGCOExecutiveEscalations@VerizonWireless.com. Note: The turnaround time for standard complaints is 48 hours or 2 business days.Account types: ME and SL are included with the Employee Phone Program (EPP). CS ConcernTable:
Step | Action |
---|---|
1 | Assess the post based on the customer inquiry or comment:
|
2 | Attempt authentication with the customer to capture the MDN to confirm the customer has a specific account type listed above or if access is restricted in ACSS.
|
3 | Advise the customer to call BGCO at 800-922-0204 and run the VZW CS CM Engaged macro. Sample
verbiage: "Thank you for providing your verification information. I see that you
have a business account with us. To receive further assistance, call 800-922-0204
to speak with a representative immediately." |
Day 1 | Day 2 - 14 | Required Steps |
---|---|---|
Device Payment Single Recurring Credit (SRC) | Full Retail Purchase SRC | Complete the following steps:
|
Full Retail Purchase SRC | Device Payment SRC | Complete the following steps:
|
Code | Code Description | Discount | Final Cost | Contract | Consumer | Business | Employees |
---|---|---|---|---|---|---|---|
N/A | Access Line | $5 | N/A | 1 Yr | |||
N/A | Access Line | $5 | N/A | 2 Yr |
Step | Action |
---|---|
1 | Offer the customer the option to select a different device
or return the device originally purchased. |
2 | Remove
the SIM card from the old 4G device and insert into the new 4G device. |
3 | Return the SIM card to the customer if the customer wishes
to return the device and not purchase a new device. |
4 | Return the customer''s SIM card in the next Return Materials Authorization (RMA) box back to Verizon if the customer does not want to keep the SIM. Note:
|
New Customer | If a customer asks if they qualify for Lifeline:
|
---|---|
Existing Lifeline Customer | If an existing Lifeline customer inquires about Lifeline over the phone, check account in ACSS:
|
If ... | Then ... |
---|---|
the reason for the escalation is due to a mistake on the original COE-processed application | do not reassign to the original coordinator. |
the reason for the escalation is a Missed
SLA / Revenue Impacting Order |
|
the related WFM is with another Center/Team | reassign any follow-up emails related to that request in
order for that team to continue to own it.
|
Internal Partners forward the escalation
request | the Fulfillment
SPC Leadership does the following:
|
Manufacturer | Model |
Cisco | Demo |
If ... | Then ... |
---|---|
the reason for the escalation is due to a mistake on the original COE-processed application | do not reassign to the original coordinator. |
the reason for the escalation is a Missed SLA / Revenue Impacting Order |
|
the related WFM is with another Center/Team | reassign any follow-up emails related to that request in order for that team to continue to own it.
|
Internal Partners forward the escalation request | the Fulfillment SPC Leadership does the following:
|
Manufacturer | Model |
Cisco | Demo |
sentence_0
, sentence_1
, and label
* Approximate statistics based on the first 1000 samples:
| | sentence_0 | sentence_1 | label |
|:--------|:----------------------------------------------------------------------------------|:-------------------------------------------------------------------------------------|:------------------------------------------------|
| type | string | string | int |
| details | What steps should be taken if the appropriate ticket is not visible?
| Context: appropriate ticket may not be visible. Click View Ticket Details for more information. Type in Ticket Number and click Search. Scroll to the bottom of the screen to view the Comments Log, which contains all the information about the ticket's creation and resolution. Tickets can also be located by picking a date range (Start Date and End Date), selecting Me as the Assigned To value and clicking Search to pull up all tickets created by the Representative doing the searching.Email the escalations mailbox and request the ticket be closed. Note: Cancel, Fraud Cancel and Address Change tickets cannot be undone.Table: Ticket rejection reason Solution Missing or invalid information After utilizing all available resource... | 1
|
| What are the steps to assign an Account Manager in My Verizon when the Account Manager does not have an MDN on the account?
| Context: and password The Account Manager: Is listed as an Authorized User in the Billing System and in My Verizon Can transact account business on My Verizon, My Verizon Express, in-store and by calling CS. Assign Account Manager In-Store or CS Access Only: Account Owner follows these steps: Note: This process can be used when the Account Manager does not have an MDN on the account. The Account Manager is listed as Authorized User in the billing system and has access to transact account business in-store or with CS. Adding an Account Manager is not restricted to a Digital Only Transaction.Table: Step Action 1 Sign in to My Verizon.
| 1
|
| What should an agent do if a case is received with an executive handle tagged?
| Context: to send the form). W-9 addresses must always be the corporate address of record for the entity servicing the customer. W-9s are issued to claim exemption from withholding (i.e., 1099) and provide the name and address for information reporting. Payment Questions The EPO Support team is unable to answer any questions about payments and applications. For wireless customers, open a Payment Investigation Ticket through ACSS. For further assistance, search for “Accessing Payment Hub in ACSS” through InfoManager. For wireline customers, open a Payment Investigation Ticket through the Payment Hub. For further assistance, search for “Payment Hub Participants Guide” through VZKnowledge.Table: Step Action 1 | 0
|
* Loss: [CosineSimilarityLoss
](https://sbert.net/docs/package_reference/sentence_transformer/losses.html#cosinesimilarityloss) with these parameters:
```json
{
"loss_fct": "torch.nn.modules.loss.MSELoss"
}
```
### Training Hyperparameters
#### Non-Default Hyperparameters
- `multi_dataset_batch_sampler`: round_robin
#### All Hyperparameters
Click to expand
- `overwrite_output_dir`: False
- `do_predict`: False
- `eval_strategy`: no
- `prediction_loss_only`: True
- `per_device_train_batch_size`: 8
- `per_device_eval_batch_size`: 8
- `per_gpu_train_batch_size`: None
- `per_gpu_eval_batch_size`: None
- `gradient_accumulation_steps`: 1
- `eval_accumulation_steps`: None
- `torch_empty_cache_steps`: None
- `learning_rate`: 5e-05
- `weight_decay`: 0.0
- `adam_beta1`: 0.9
- `adam_beta2`: 0.999
- `adam_epsilon`: 1e-08
- `max_grad_norm`: 1
- `num_train_epochs`: 3
- `max_steps`: -1
- `lr_scheduler_type`: linear
- `lr_scheduler_kwargs`: {}
- `warmup_ratio`: 0.0
- `warmup_steps`: 0
- `log_level`: passive
- `log_level_replica`: warning
- `log_on_each_node`: True
- `logging_nan_inf_filter`: True
- `save_safetensors`: True
- `save_on_each_node`: False
- `save_only_model`: False
- `restore_callback_states_from_checkpoint`: False
- `no_cuda`: False
- `use_cpu`: False
- `use_mps_device`: False
- `seed`: 42
- `data_seed`: None
- `jit_mode_eval`: False
- `use_ipex`: False
- `bf16`: False
- `fp16`: False
- `fp16_opt_level`: O1
- `half_precision_backend`: auto
- `bf16_full_eval`: False
- `fp16_full_eval`: False
- `tf32`: None
- `local_rank`: 0
- `ddp_backend`: None
- `tpu_num_cores`: None
- `tpu_metrics_debug`: False
- `debug`: []
- `dataloader_drop_last`: False
- `dataloader_num_workers`: 0
- `dataloader_prefetch_factor`: None
- `past_index`: -1
- `disable_tqdm`: False
- `remove_unused_columns`: True
- `label_names`: None
- `load_best_model_at_end`: False
- `ignore_data_skip`: False
- `fsdp`: []
- `fsdp_min_num_params`: 0
- `fsdp_config`: {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}
- `fsdp_transformer_layer_cls_to_wrap`: None
- `accelerator_config`: {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}
- `deepspeed`: None
- `label_smoothing_factor`: 0.0
- `optim`: adamw_torch
- `optim_args`: None
- `adafactor`: False
- `group_by_length`: False
- `length_column_name`: length
- `ddp_find_unused_parameters`: None
- `ddp_bucket_cap_mb`: None
- `ddp_broadcast_buffers`: False
- `dataloader_pin_memory`: True
- `dataloader_persistent_workers`: False
- `skip_memory_metrics`: True
- `use_legacy_prediction_loop`: False
- `push_to_hub`: False
- `resume_from_checkpoint`: None
- `hub_model_id`: None
- `hub_strategy`: every_save
- `hub_private_repo`: None
- `hub_always_push`: False
- `gradient_checkpointing`: False
- `gradient_checkpointing_kwargs`: None
- `include_inputs_for_metrics`: False
- `include_for_metrics`: []
- `eval_do_concat_batches`: True
- `fp16_backend`: auto
- `push_to_hub_model_id`: None
- `push_to_hub_organization`: None
- `mp_parameters`:
- `auto_find_batch_size`: False
- `full_determinism`: False
- `torchdynamo`: None
- `ray_scope`: last
- `ddp_timeout`: 1800
- `torch_compile`: False
- `torch_compile_backend`: None
- `torch_compile_mode`: None
- `dispatch_batches`: None
- `split_batches`: None
- `include_tokens_per_second`: False
- `include_num_input_tokens_seen`: False
- `neftune_noise_alpha`: None
- `optim_target_modules`: None
- `batch_eval_metrics`: False
- `eval_on_start`: False
- `use_liger_kernel`: False
- `eval_use_gather_object`: False
- `average_tokens_across_devices`: False
- `prompts`: None
- `batch_sampler`: batch_sampler
- `multi_dataset_batch_sampler`: round_robin
### Training Logs
| Epoch | Step | Training Loss |
|:------:|:----:|:-------------:|
| 0.5663 | 500 | 0.111 |
| 1.1325 | 1000 | 0.0838 |
| 1.6988 | 1500 | 0.0721 |
| 2.2650 | 2000 | 0.061 |
| 2.8313 | 2500 | 0.0588 |
### Framework Versions
- Python: 3.10.12
- Sentence Transformers: 3.3.1
- Transformers: 4.47.1
- PyTorch: 2.5.1+cu121
- Accelerate: 1.2.1
- Datasets: 3.2.0
- Tokenizers: 0.21.0
## Citation
### BibTeX
#### Sentence Transformers
```bibtex
@inproceedings{reimers-2019-sentence-bert,
title = "Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks",
author = "Reimers, Nils and Gurevych, Iryna",
booktitle = "Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing",
month = "11",
year = "2019",
publisher = "Association for Computational Linguistics",
url = "https://arxiv.org/abs/1908.10084",
}
```