---
tags:
- sentence-transformers
- sentence-similarity
- feature-extraction
- generated_from_trainer
- dataset_size:2270482
- loss:BatchHardSoftMarginTripletLoss
base_model: dunzhang/stella_en_400M_v5
widget:
- source_sentence: 'infocus - projector lamp - 2500 hour ( s infocus splamp 043 replacement
lamp infocus certified lamp for the in11 ... '
sentences:
- ' be careful , your gonna have to smash up gim after all that'
- 'mann i aint talk to my sis n like 4ever hun call me imy '
- darling , i will do u one beta and personally bring sum " ship me sum lol rt i
made some shrimp tonight .. curry
- source_sentence: 'how''d you do that ? ? rt my home screen '
sentences:
- ' indeed it is , but with my screen the way it is i won''t be able to check in
soon ! i am going in on thursday'
- ' awh are you at the hospital ? xxx'
- 'oppa , sorry i can''t watch ss4 and i can''t meet you '
- source_sentence: that sad moment when you want ice cream but you have no money
sentences:
- '" no josh stay in our asb , i have cookies "'
- ' was my phone off ? ?'
- ' no i don''t understand it !'
- source_sentence: ps ; dinner will be cooked shortly ! ) )
sentences:
- 'pachelbel : canon / other 17th - century music for 3 violins ( audio cd '
- ' hard to believe you got your panties all in a twist about something again hahaha
. sorry , i''ll shut up now .'
- im ready to let go , move on , be happy but there will always this little shred
of well maybe hell want me tomorrow .
- source_sentence: '#thesexwasntgoodif he can still move'
sentences:
- '" my righthand be bck soon " i came back lastnightt righthand'
- ' this has been going through my head all today babe ! missed seeing you sunday
xxx'
- ' hell yeaa it look good don''t worry .'
pipeline_tag: sentence-similarity
library_name: sentence-transformers
---
# stella-400M-twitter-cls-tuned
This is a [sentence-transformers](https://www.SBERT.net) model finetuned from [dunzhang/stella_en_400M_v5](https://huggingface.co/dunzhang/stella_en_400M_v5). It maps sentences & paragraphs to a 1024-dimensional dense vector space and can be used for semantic textual similarity, semantic search, paraphrase mining, text classification, clustering, and more.
## Model Details
### Model Description
- **Model Type:** Sentence Transformer
- **Base model:** [dunzhang/stella_en_400M_v5](https://huggingface.co/dunzhang/stella_en_400M_v5)
- **Maximum Sequence Length:** 512 tokens
- **Output Dimensionality:** 1024 dimensions
- **Similarity Function:** Cosine Similarity
### Model Sources
- **Documentation:** [Sentence Transformers Documentation](https://sbert.net)
- **Repository:** [Sentence Transformers on GitHub](https://github.com/UKPLab/sentence-transformers)
- **Hugging Face:** [Sentence Transformers on Hugging Face](https://huggingface.co/models?library=sentence-transformers)
### Full Model Architecture
```
SentenceTransformer(
(0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: NewModel
(1): Pooling({'word_embedding_dimension': 1024, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False, 'pooling_mode_weightedmean_tokens': False, 'pooling_mode_lasttoken': False, 'include_prompt': True})
(2): Dense({'in_features': 1024, 'out_features': 1024, 'bias': True, 'activation_function': 'torch.nn.modules.linear.Identity'})
)
```
## Usage
### Direct Usage (Sentence Transformers)
First install the Sentence Transformers library:
```bash
pip install -U sentence-transformers
```
Then you can load this model and run inference.
```python
from sentence_transformers import SentenceTransformer
# Download from the 🤗 Hub
model = SentenceTransformer("sentence_transformers_model_id")
# Run inference
sentences = [
'#thesexwasntgoodif he can still move',
' this has been going through my head all today babe ! missed seeing you sunday xxx',
'" my righthand be bck soon " i came back lastnightt righthand',
]
embeddings = model.encode(sentences)
print(embeddings.shape)
# [3, 1024]
# Get the similarity scores for the embeddings
similarities = model.similarity(embeddings, embeddings)
print(similarities.shape)
# [3, 3]
```
## Training Details
### Training Dataset
#### Unnamed Dataset
* Size: 2,270,482 training samples
* Columns: sentence_0
and label
* Approximate statistics based on the first 1000 samples:
| | sentence_0 | label |
|:--------|:----------------------------------------------------------------------------------|:-------------------------------------------------|
| type | string | int |
| details |
already miss the kids . such an exciting experience ! teacher for a day
| 1
|
| have a beautiful day every 1 god bless you ! #ktbspa
| 1
|
| i swear everytime i come to the barnyard something good happens #loveithere
| 1
|
* Loss: [BatchHardSoftMarginTripletLoss
](https://sbert.net/docs/package_reference/sentence_transformer/losses.html#batchhardsoftmargintripletloss)
### Training Hyperparameters
#### Non-Default Hyperparameters
- `per_device_train_batch_size`: 250
- `per_device_eval_batch_size`: 250
- `num_train_epochs`: 2
- `multi_dataset_batch_sampler`: round_robin
#### All Hyperparameters