imaginaryNLP


NameimaginaryNLP JSON
Version 0.0.4 PyPI version JSON
download
home_page
SummaryImaginary Embeddings for NLP
upload_time2023-08-30 10:53:13
maintainer
docs_urlNone
authorJustus-Jonas Erker
requires_python>=3.6.0
licenseApache License 2.0
keywords pytorch nlp deep learning imaginary embeddings dialog systems
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            <img src="https://raw.githubusercontent.com/justus-jonas/imaginaryNLP/main/assets/imagine.png" alt="drawing" width="300"/>


# ImaginaryNLP (NLP+i) for Long-Short Term Dialogue Planning and abstract sequence modeling
ImaginaryNLP is python library for long-short term dialogue planning and efficient abstract sequence modeling of dialogues. It is based upon Curved Contrastive Learning from the paper [Imagination Is All You Need!](https://aclanthology.org/2023.findings-acl.319) (presented at ACL 2023 in Toronto, Canada) and utilizes [Sentence Transformers](https://sbert.net/).



## Installation

Download and install `ImaginaryNLP` by running:

```bash
python -m pip install imaginaryNLP
```
# Usage

### Sequence Modeling

```python
from imaginaryNLP.ImaginaryEmbeddingsForSequenceModeling import ImaginaryEmbeddingsForSequenceModeling

# Load the model
seq = ImaginaryEmbeddingsForSequenceModeling('Justus-Jonas/Imaginary-Embeddings-SpeakerTokens', speaker_token=True)

# add candidates and context
seq.load_candidates_from_strings(["I'm fine, thanks. How are you?", "Where did you go?", "ACL is an interesting conference"])
seq.create_context(["Hi!",'Hey, how are you?'], precompute_top_p=0.8)

# pre-compute and keep 80% of utterances
seq.sequence_modeling_with_precompute("I am doing good. Today I went for a walk. ")
```

### Long-Term Planning

```python
from imaginaryNLP.ImaginaryEmbeddingsForLTP import ImaginaryEmbeddingsForLTP

ltp = ImaginaryEmbeddingsForLTP('Justus-Jonas/Imaginary-Embeddings-SpeakerTokens', speaker_token=True)

# add a contex
ltp.create_context([' Hello', 'Hi , great to meet you ! '])

# add goals
ltp.add_goal(" great to hear that ! ")
ltp.add_goal(" Want to go for a walk ? ")
ltp.add_goal(" Bye !")

# greedy curving
ltp.greedy_curving()

# imaginary embedding chains
ltp.imaginary_embedding_chains()

# imaginary embedding chains with curving
ltp.imaginary_embedding_chains_with_curving()
```

### Short-Term Planning

```python
from imaginaryNLP.ImaginaryEmbeddingsForSTP import ImaginaryEmbeddingsForSTP

# Load the model
stp = ImaginaryEmbeddingsForSTP('Justus-Jonas/Imaginary-Embeddings-SpeakerTokens-STP')

candidates = ['Want to eat something out ?',
              'Want to go for a walk ?']

goal = ' I am hungry.'

stp.short_term_planning(candidates, goal)
```


# Train your own model

```python
from imaginaryNLP.trainer import ImaginaryEmbeddingTrainer
from datasets import load_dataset

trainer = ImaginaryEmbeddingTrainer(base_model_name_or_path="roberta-base",
                                    batch_size=64,
                                    observation_window=5,
                                    speaker_token=True,
                                    num_epochs=10,
                                    warmup_steps=10000)

dataset = load_dataset("daily_dialog")

trainer.generate_datasets(
    dataset["train"]["dialog"],
    dataset["validation"]["dialog"],
    dataset["test"]["dialog"],
)
      

trainer.train("output/path/to/save/model")
```

# Evaluation
as an example we use the DailyDialog dataset. For your own data make sure to pass a List[List[str]] to the functions.
### Sequence Modeling
```python
from datasets import load_dataset
from imaginaryNLP.ImaginaryEmbeddingsForSequenceModeling import EvalImaginaryEmbeddingsForSequenceModeling

seq = EvalImaginaryEmbeddingsForSequenceModeling('Justus-Jonas/Imaginary-Embeddings-SpeakerTokens', speaker_token=True)

dataset = load_dataset("daily_dialog")
test = dataset['test']['dialog']

df = seq.evaluate_seq_dataset(test)
```

### Long-Term Planning
```python
from datasets import load_dataset
from imaginaryNLP.ImaginaryEmbeddingsForLTP import EvalImaginaryEmbeddingsForLTP

ltp = EvalImaginaryEmbeddingsForLTP('Justus-Jonas/Imaginary-Embeddings-Classic', speaker_token=False)

dataset = load_dataset("daily_dialog")
test = dataset['test']['dialog']

df = ltp.evaluate_ltp_dataset(test,"output/path/to/dir")
```

### Short-Term Planning
```python
from datasets import load_dataset
from imaginaryNLP.ImaginaryEmbeddingsForSTP import EvalImaginaryEmbeddingsForSTP

stp = EvalImaginaryEmbeddingsForSTP('Justus-Jonas/Imaginary-Embeddings-SpeakerTokens-STP',
                                    llm_model_name_or_path='your favorite large language model', 
                                    speaker_token=True
                                    )

dataset = load_dataset("daily_dialog")
test = dataset['test']['dialog']

stp.create_stp_dataset(test, "output/path/to/dir")

stp.add_transformer_candidates("output/path/to/dir")

df = stp.evaluate_stp_dataset("output/path/to/dir")
```
## Datasets & Models
| Huggingface Dataset                                          | other datasets included                                                                                                                                                                                               | Models                                                                                                                                                      |
|--------------------------------------------------------------|-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|-------------------------------------------------------------------------------------------------------------------------------------------------------------|
| [daily_dialog](https://huggingface.co/datasets/daily_dialog) | -                                                                                                                                                                                                                     | [Justus-Jonas/Imaginary-Embeddings-SpeakerTokens](https://huggingface.co/Justus-Jonas/Imaginary-Embeddings-SpeakerTokens) <br>  [Justus-Jonas/Imaginary-Embeddings-Classic](https://huggingface.co/Justus-Jonas/Imaginary-Embeddings-Classic) <br>  [Justus-Jonas/Imaginary-Embeddings-SpeakerTokens-STP](https://huggingface.co/Justus-Jonas/Imaginary-Embeddings-SpeakerTokens-STP) * |   
| [diwank/imaginary-nlp-dataset](https://huggingface.co/datasets/diwank/imaginary-nlp-dataset) | [daily_dialog](https://huggingface.co/datasets/daily_dialog) <br>  [allenai/prosocial-dialog](https://huggingface.co/datasets/allenai/prosocial-dialog) <br>  [air_dialogue](https://huggingface.co/datasets/air_dialogue) | -                                                                                                                                                           |
* explicitly for short-term planning while others are used for sequence modeling and long-term planning.

### Information on Models availability
If you are interested in the other models used in the paper, please feel free to checkout our DailyDialog Models [here](https://drive.google.com/drive/folders/1wAB41erCkhhizdkmHmu-ZQsnWphGWb9Y?usp=sharing). 
Note while this repository is under Apache 2.0 License, the models are under `cc by-nc-sa 4.0` due to the license 
of the DailyDialog dataset. Unfortunately, we are not allowed to share the datasets / models of 
the Microsoft Dialogue Challenge Corpus (MDC) due to License restrictions.

### Citation
```bibtex
@inproceedings{erker-etal-2023-imagination,
    title = "Imagination is All You Need! Curved Contrastive Learning for Abstract Sequence Modeling Utilized on Long Short-Term Dialogue Planning",
    author = "Erker, Justus-Jonas  and
      Schaffer, Stefan  and
      Spanakis, Gerasimos",
    booktitle = "Findings of the Association for Computational Linguistics: ACL 2023",
    month = jul,
    year = "2023",
    address = "Toronto, Canada",
    publisher = "Association for Computational Linguistics",
    url = "https://aclanthology.org/2023.findings-acl.319",
    pages = "5152--5173",
    abstract = "Inspired by the curvature of space-time, we introduce Curved Contrastive Learning (CCL), a novel representation learning technique for learning the relative turn distance between utterance pairs in multi-turn dialogues. The resulting bi-encoder models can guide transformers as a response ranking model towards a goal in a zero-shot fashion by projecting the goal utterance and the corresponding reply candidates into a latent space. Here the cosine similarity indicates the distance/reachability of a candidate utterance toward the corresponding goal. Furthermore, we explore how these forward-entailing language representations can be utilized for assessing the likelihood of sequences by the entailment strength i.e. through the cosine similarity of its individual members (encoded separately) as an emergent property in the curved space. These non-local properties allow us to imagine the likelihood of future patterns in dialogues, specifically by ordering/identifying future goal utterances that are multiple turns away, given a dialogue context. As part of our analysis, we investigate characteristics that make conversations (un)plannable and find strong evidence of planning capability over multiple turns (in 61.56{\%} over 3 turns) in conversations from the DailyDialog dataset. Finally, we show how we achieve higher efficiency in sequence modeling tasks compared to previous work thanks to our relativistic approach, where only the last utterance needs to be encoded and computed during inference.",
}
```

            

Raw data

            {
    "_id": null,
    "home_page": "",
    "name": "imaginaryNLP",
    "maintainer": "",
    "docs_url": null,
    "requires_python": ">=3.6.0",
    "maintainer_email": "",
    "keywords": "PyTorch NLP deep learning Imaginary Embeddings Dialog Systems",
    "author": "Justus-Jonas Erker",
    "author_email": "j.erker@student.maastrichtuniversity.nl",
    "download_url": "https://files.pythonhosted.org/packages/72/be/e35d1f5c370e239870fd4b2d3d75d90366fbb6a0e2fbe2fe927aff9c9118/imaginaryNLP-0.0.4.tar.gz",
    "platform": null,
    "description": "<img src=\"https://raw.githubusercontent.com/justus-jonas/imaginaryNLP/main/assets/imagine.png\" alt=\"drawing\" width=\"300\"/>\n\n\n# ImaginaryNLP (NLP+i) for Long-Short Term Dialogue Planning and abstract sequence modeling\nImaginaryNLP is python library for long-short term dialogue planning and efficient abstract sequence modeling of dialogues. It is based upon Curved Contrastive Learning from the paper [Imagination Is All You Need!](https://aclanthology.org/2023.findings-acl.319) (presented at ACL 2023 in Toronto, Canada) and utilizes [Sentence Transformers](https://sbert.net/).\n\n\n\n## Installation\n\nDownload and install `ImaginaryNLP` by running:\n\n```bash\npython -m pip install imaginaryNLP\n```\n# Usage\n\n### Sequence Modeling\n\n```python\nfrom imaginaryNLP.ImaginaryEmbeddingsForSequenceModeling import ImaginaryEmbeddingsForSequenceModeling\n\n# Load the model\nseq = ImaginaryEmbeddingsForSequenceModeling('Justus-Jonas/Imaginary-Embeddings-SpeakerTokens', speaker_token=True)\n\n# add candidates and context\nseq.load_candidates_from_strings([\"I'm fine, thanks. How are you?\", \"Where did you go?\", \"ACL is an interesting conference\"])\nseq.create_context([\"Hi!\",'Hey, how are you?'], precompute_top_p=0.8)\n\n# pre-compute and keep 80% of utterances\nseq.sequence_modeling_with_precompute(\"I am doing good. Today I went for a walk. \")\n```\n\n### Long-Term Planning\n\n```python\nfrom imaginaryNLP.ImaginaryEmbeddingsForLTP import ImaginaryEmbeddingsForLTP\n\nltp = ImaginaryEmbeddingsForLTP('Justus-Jonas/Imaginary-Embeddings-SpeakerTokens', speaker_token=True)\n\n# add a contex\nltp.create_context([' Hello', 'Hi , great to meet you ! '])\n\n# add goals\nltp.add_goal(\" great to hear that ! \")\nltp.add_goal(\" Want to go for a walk ? \")\nltp.add_goal(\" Bye !\")\n\n# greedy curving\nltp.greedy_curving()\n\n# imaginary embedding chains\nltp.imaginary_embedding_chains()\n\n# imaginary embedding chains with curving\nltp.imaginary_embedding_chains_with_curving()\n```\n\n### Short-Term Planning\n\n```python\nfrom imaginaryNLP.ImaginaryEmbeddingsForSTP import ImaginaryEmbeddingsForSTP\n\n# Load the model\nstp = ImaginaryEmbeddingsForSTP('Justus-Jonas/Imaginary-Embeddings-SpeakerTokens-STP')\n\ncandidates = ['Want to eat something out ?',\n              'Want to go for a walk ?']\n\ngoal = ' I am hungry.'\n\nstp.short_term_planning(candidates, goal)\n```\n\n\n# Train your own model\n\n```python\nfrom imaginaryNLP.trainer import ImaginaryEmbeddingTrainer\nfrom datasets import load_dataset\n\ntrainer = ImaginaryEmbeddingTrainer(base_model_name_or_path=\"roberta-base\",\n                                    batch_size=64,\n                                    observation_window=5,\n                                    speaker_token=True,\n                                    num_epochs=10,\n                                    warmup_steps=10000)\n\ndataset = load_dataset(\"daily_dialog\")\n\ntrainer.generate_datasets(\n    dataset[\"train\"][\"dialog\"],\n    dataset[\"validation\"][\"dialog\"],\n    dataset[\"test\"][\"dialog\"],\n)\n      \n\ntrainer.train(\"output/path/to/save/model\")\n```\n\n# Evaluation\nas an example we use the DailyDialog dataset. For your own data make sure to pass a List[List[str]] to the functions.\n### Sequence Modeling\n```python\nfrom datasets import load_dataset\nfrom imaginaryNLP.ImaginaryEmbeddingsForSequenceModeling import EvalImaginaryEmbeddingsForSequenceModeling\n\nseq = EvalImaginaryEmbeddingsForSequenceModeling('Justus-Jonas/Imaginary-Embeddings-SpeakerTokens', speaker_token=True)\n\ndataset = load_dataset(\"daily_dialog\")\ntest = dataset['test']['dialog']\n\ndf = seq.evaluate_seq_dataset(test)\n```\n\n### Long-Term Planning\n```python\nfrom datasets import load_dataset\nfrom imaginaryNLP.ImaginaryEmbeddingsForLTP import EvalImaginaryEmbeddingsForLTP\n\nltp = EvalImaginaryEmbeddingsForLTP('Justus-Jonas/Imaginary-Embeddings-Classic', speaker_token=False)\n\ndataset = load_dataset(\"daily_dialog\")\ntest = dataset['test']['dialog']\n\ndf = ltp.evaluate_ltp_dataset(test,\"output/path/to/dir\")\n```\n\n### Short-Term Planning\n```python\nfrom datasets import load_dataset\nfrom imaginaryNLP.ImaginaryEmbeddingsForSTP import EvalImaginaryEmbeddingsForSTP\n\nstp = EvalImaginaryEmbeddingsForSTP('Justus-Jonas/Imaginary-Embeddings-SpeakerTokens-STP',\n                                    llm_model_name_or_path='your favorite large language model', \n                                    speaker_token=True\n                                    )\n\ndataset = load_dataset(\"daily_dialog\")\ntest = dataset['test']['dialog']\n\nstp.create_stp_dataset(test, \"output/path/to/dir\")\n\nstp.add_transformer_candidates(\"output/path/to/dir\")\n\ndf = stp.evaluate_stp_dataset(\"output/path/to/dir\")\n```\n## Datasets & Models\n| Huggingface Dataset                                          | other datasets included                                                                                                                                                                                               | Models                                                                                                                                                      |\n|--------------------------------------------------------------|-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|-------------------------------------------------------------------------------------------------------------------------------------------------------------|\n| [daily_dialog](https://huggingface.co/datasets/daily_dialog) | -                                                                                                                                                                                                                     | [Justus-Jonas/Imaginary-Embeddings-SpeakerTokens](https://huggingface.co/Justus-Jonas/Imaginary-Embeddings-SpeakerTokens) <br>  [Justus-Jonas/Imaginary-Embeddings-Classic](https://huggingface.co/Justus-Jonas/Imaginary-Embeddings-Classic) <br>  [Justus-Jonas/Imaginary-Embeddings-SpeakerTokens-STP](https://huggingface.co/Justus-Jonas/Imaginary-Embeddings-SpeakerTokens-STP) * |   \n| [diwank/imaginary-nlp-dataset](https://huggingface.co/datasets/diwank/imaginary-nlp-dataset) | [daily_dialog](https://huggingface.co/datasets/daily_dialog) <br>  [allenai/prosocial-dialog](https://huggingface.co/datasets/allenai/prosocial-dialog) <br>  [air_dialogue](https://huggingface.co/datasets/air_dialogue) | -                                                                                                                                                           |\n* explicitly for short-term planning while others are used for sequence modeling and long-term planning.\n\n### Information on Models availability\nIf you are interested in the other models used in the paper, please feel free to checkout our DailyDialog Models [here](https://drive.google.com/drive/folders/1wAB41erCkhhizdkmHmu-ZQsnWphGWb9Y?usp=sharing). \nNote while this repository is under Apache 2.0 License, the models are under `cc by-nc-sa 4.0` due to the license \nof the DailyDialog dataset. Unfortunately, we are not allowed to share the datasets / models of \nthe Microsoft Dialogue Challenge Corpus (MDC) due to License restrictions.\n\n### Citation\n```bibtex\n@inproceedings{erker-etal-2023-imagination,\n    title = \"Imagination is All You Need! Curved Contrastive Learning for Abstract Sequence Modeling Utilized on Long Short-Term Dialogue Planning\",\n    author = \"Erker, Justus-Jonas  and\n      Schaffer, Stefan  and\n      Spanakis, Gerasimos\",\n    booktitle = \"Findings of the Association for Computational Linguistics: ACL 2023\",\n    month = jul,\n    year = \"2023\",\n    address = \"Toronto, Canada\",\n    publisher = \"Association for Computational Linguistics\",\n    url = \"https://aclanthology.org/2023.findings-acl.319\",\n    pages = \"5152--5173\",\n    abstract = \"Inspired by the curvature of space-time, we introduce Curved Contrastive Learning (CCL), a novel representation learning technique for learning the relative turn distance between utterance pairs in multi-turn dialogues. The resulting bi-encoder models can guide transformers as a response ranking model towards a goal in a zero-shot fashion by projecting the goal utterance and the corresponding reply candidates into a latent space. Here the cosine similarity indicates the distance/reachability of a candidate utterance toward the corresponding goal. Furthermore, we explore how these forward-entailing language representations can be utilized for assessing the likelihood of sequences by the entailment strength i.e. through the cosine similarity of its individual members (encoded separately) as an emergent property in the curved space. These non-local properties allow us to imagine the likelihood of future patterns in dialogues, specifically by ordering/identifying future goal utterances that are multiple turns away, given a dialogue context. As part of our analysis, we investigate characteristics that make conversations (un)plannable and find strong evidence of planning capability over multiple turns (in 61.56{\\%} over 3 turns) in conversations from the DailyDialog dataset. Finally, we show how we achieve higher efficiency in sequence modeling tasks compared to previous work thanks to our relativistic approach, where only the last utterance needs to be encoded and computed during inference.\",\n}\n```\n",
    "bugtrack_url": null,
    "license": "Apache License 2.0",
    "summary": "Imaginary Embeddings for NLP",
    "version": "0.0.4",
    "project_urls": {
        "Download": "https://github.com/Justus-Jonas/imaginaryNLP"
    },
    "split_keywords": [
        "pytorch",
        "nlp",
        "deep",
        "learning",
        "imaginary",
        "embeddings",
        "dialog",
        "systems"
    ],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "1229dd9904e37396711e192819d8e5fe7b8a0ad59dedffb2866c0c858a271ebe",
                "md5": "b19f88e8c50befa173933a52eeb7aa41",
                "sha256": "27f65e50f2a4f6bfebf75c005ac0de808bba6a5a0e3faa155070e415c98d6e48"
            },
            "downloads": -1,
            "filename": "imaginaryNLP-0.0.4-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "b19f88e8c50befa173933a52eeb7aa41",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": ">=3.6.0",
            "size": 23935,
            "upload_time": "2023-08-30T10:53:11",
            "upload_time_iso_8601": "2023-08-30T10:53:11.360035Z",
            "url": "https://files.pythonhosted.org/packages/12/29/dd9904e37396711e192819d8e5fe7b8a0ad59dedffb2866c0c858a271ebe/imaginaryNLP-0.0.4-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "72bee35d1f5c370e239870fd4b2d3d75d90366fbb6a0e2fbe2fe927aff9c9118",
                "md5": "1381a5a3ce2fe1a5dfe430a010cc254e",
                "sha256": "e28bfa8d5c8014e04b4e57be7d6f60b4e41f795256ebd91e54243384dd60f9bc"
            },
            "downloads": -1,
            "filename": "imaginaryNLP-0.0.4.tar.gz",
            "has_sig": false,
            "md5_digest": "1381a5a3ce2fe1a5dfe430a010cc254e",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": ">=3.6.0",
            "size": 23915,
            "upload_time": "2023-08-30T10:53:13",
            "upload_time_iso_8601": "2023-08-30T10:53:13.501146Z",
            "url": "https://files.pythonhosted.org/packages/72/be/e35d1f5c370e239870fd4b2d3d75d90366fbb6a0e2fbe2fe927aff9c9118/imaginaryNLP-0.0.4.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2023-08-30 10:53:13",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "Justus-Jonas",
    "github_project": "imaginaryNLP",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": false,
    "requirements": [],
    "lcname": "imaginarynlp"
}
        
Elapsed time: 0.10539s