Awesome
EasyTPP [ICLR 2024]
<div align="center"> <a href="PyVersion"> <img alt="Python Version" src="https://img.shields.io/badge/python-3.9+-blue.svg"> </a> <a href="LICENSE-CODE"> <img alt="Code License" src="https://img.shields.io/badge/license-Apache-000000.svg?&color=f5de53"> </a> <a href="commit"> <img alt="Last Commit" src="https://img.shields.io/github/last-commit/ant-research/EasyTemporalPointProcess"> </a> </div> <div align="center"> <a href="https://pypi.python.org/pypi/easy-tpp/"> <img alt="PyPI version" src="https://img.shields.io/pypi/v/easy-tpp.svg?style=flat-square&color=b7534" /> </a> <a href="https://static.pepy.tech/personalized-badge/easy-tpp"> <img alt="Downloads" src="https://static.pepy.tech/personalized-badge/easy-tpp?period=total&units=international_system&left_color=black&right_color=blue&left_text=Downloads" /> </a> <a href="https://huggingface.co/easytpp" target="_blank"> <img alt="Hugging Face" src="https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-EasyTPP-ffc107?color=ffc107&logoColor=white" /> </a> <a href="https://github.com/ant-research/EasyTemporalPointProcess/issues"> <img alt="Open Issues" src="https://img.shields.io/github/issues-raw/ant-research/EasyTemporalPointProcess" /> </a> </div>EasyTPP
is an easy-to-use development and application toolkit for Temporal Point Process (TPP), with key features in configurability, compatibility and reproducibility. We hope this project could benefit both researchers and practitioners with the goal of easily customized development and open benchmarking in TPP.
<span id='top'/>
| <a href='#features'>Features</a> | <a href='#model-list'>Model List</a> | <a href='#dataset'>Dataset</a> | <a href='#quick-start'>Quick Start</a> | <a href='#benchmark'>Benchmark</a> |<a href='#doc'>Documentation</a> |<a href='#todo'>Todo List</a> | <a href='#citation'>Citation</a> |<a href='#acknowledgment'>Acknowledgement</a> | <a href='#star-history'>Star History</a> |
News
<span id='news'/>- [02-17-2024] EasyTPP supports HuggingFace dataset API: all datasets have been published in HuggingFace Repo and see tutorial notebook for an example of usage.
- [01-16-2024] Our paper EasyTPP: Towards Open Benchmarking Temporal Point Process is accepted by ICLR'2024!
- [09-30-2023] We published two textual event sequence datasets GDELT and Amazon-text-review that are used in our paper LAMP, where LLM can be applied for event prediction! See Documentation for more details.
- [09-30-2023] Two of our papers Language Model Can Improve Event Prediction by Few-Shot Abductive Reasoning (LAMP) and Prompt-augmented Temporal Point Process for Streaming Event Sequence (PromptTPP) are accepted by NeurIPS'2023!
Features <a href='#top'>[Back to Top]</a>
<span id='features'/>- Configurable and customizable: models are modularized and configurable,with abstract classes to support developing customized TPP models.
- Compatible with both Tensorflow and PyTorch framework:
EasyTPP
implements two equivalent sets of models, which can be run under Tensorflow (both Tensorflow 1.13.1 and Tensorflow 2.0) and PyTorch 1.7.0+ respectively. While the PyTorch models are more popular among researchers, the compatibility with Tensorflow is important for industrial practitioners. - Reproducible: all the benchmarks can be easily reproduced.
- Hyper-parameter optimization: a pipeline of optuna-based HPO is provided.
Model List <a href='#top'>[Back to Top]</a>
<span id='model-list'/>We provide reference implementations of various state-of-the-art TPP papers:
No | Publication | Model | Paper | Implementation |
---|---|---|---|---|
1 | KDD'16 | RMTPP | Recurrent Marked Temporal Point Processes: Embedding Event History to Vector | Tensorflow<br/>Torch |
2 | NeurIPS'17 | NHP | The Neural Hawkes Process: A Neurally Self-Modulating Multivariate Point Process | Tensorflow<br/>Torch |
3 | NeurIPS'19 | FullyNN | Fully Neural Network based Model for General Temporal Point Processes | Tensorflow<br/>Torch |
4 | ICML'20 | SAHP | Self-Attentive Hawkes process | Tensorflow<br/>Torch |
5 | ICML'20 | THP | Transformer Hawkes process | Tensorflow<br/>Torch |
6 | ICLR'20 | IntensityFree | Intensity-Free Learning of Temporal Point Processes | Tensorflow<br/>Torch |
7 | ICLR'21 | ODETPP | Neural Spatio-Temporal Point Processes (simplified) | Tensorflow<br/>Torch |
8 | ICLR'22 | AttNHP | Transformer Embeddings of Irregularly Spaced Events and Their Participants | Tensorflow<br/>Torch |
Dataset <a href='#top'>[Back to Top]</a>
<span id='dataset'/>We preprocessed one synthetic and five real world datasets from widely-cited works that contain diverse characteristics in terms of their application domains and temporal statistics:
- Synthetic: a univariate Hawkes process simulated by Tick library.
- Retweet (Zhou, 2013): timestamped user retweet events.
- Taxi (Whong, 2014): timestamped taxi pick-up events.
- StackOverflow (Leskovec, 2014): timestamped user badge reward events in StackOverflow.
- Taobao (Xue et al, 2022): timestamped user online shopping behavior events in Taobao platform.
- Amazon (Xue et al, 2022): timestamped user online shopping behavior events in Amazon platform.
Per users' request, we processed two non-anthropogenic datasets
-
Earthquake: timestamped earthquake events over the Conterminous U.S from 1996 to 2023, processed from USGS.
-
Volcano eruption: timestamped volcano eruption events over the world in recent hundreds of years, processed from The Smithsonian Institution.
All datasets are preprocess to the
Gatech
format dataset widely used for TPP researchers, and saved at Google Drive with a public access.
Quick Start <a href='#top'>[Back to Top]</a>
<span id='quick-start'/>Colab Tutorials
Explore the following tutorials that can be opened directly in Google Colab:
End-to-end Example
We provide an end-to-end example for users to run a standard TPP model with EasyTPP
.
Step 1. Installation
First of all, we can install the package either by using pip or from the source code on Github.
To install the latest stable version:
pip install easy-tpp
To install the latest on GitHub:
git clone https://github.com/ant-research/EasyTemporalPointProcess.git
cd EasyTemporalPointProcess
python setup.py install
Step 2. Prepare datasets
We need to put the datasets in a local directory before running a model and the datasets should follow a certain format. See OnlineDoc - Datasets for more details.
Suppose we use the taxi dataset in the example.
Step 3. Train the model
Before start training, we need to set up the config file for the pipeline. We provide a preset config file in Example Config. The details of the configuration can be found in OnlineDoc - Training Pipeline.
After the setup of data and config, the directory structure is as follows:
data
|______taxi
|____ train.pkl
|____ dev.pkl
|____ test.pkl
configs
|______experiment_config.yaml
Then we start the training by simply running the script
import argparse
from easy_tpp.config_factory import Config
from easy_tpp.runner import Runner
def main():
parser = argparse.ArgumentParser()
parser.add_argument('--config_dir', type=str, required=False, default='configs/experiment_config.yaml',
help='Dir of configuration yaml to train and evaluate the model.')
parser.add_argument('--experiment_id', type=str, required=False, default='NHP_train',
help='Experiment id in the config file.')
args = parser.parse_args()
config = Config.build_from_yaml_file(args.config_dir, experiment_id=args.experiment_id)
model_runner = Runner.build_from_config(config)
model_runner.run()
if __name__ == '__main__':
main()
A more detailed example can be found at OnlineDoc - QuickStart.
Documentation <a href='#top'>[Back to Top]</a>
<span id='doc'/>The classes and methods of EasyTPP
have been well documented so that users can generate the documentation by:
cd doc
pip install -r requirements.txt
make html
NOTE:
- The
doc/requirements.txt
is only for documentation by Sphinx, which can be automatically generated by Github actions.github/workflows/docs.yml
. (Trigger by pull request.)
The full documentation is available on the website.
Benchmark <a href='#top'>[Back to Top]</a>
<span id='benchmark'/>In the examples folder, we provide a script to benchmark the TPPs, with Taxi dataset as the input.
To run the script, one should download the Taxi data following the above instructions. The config file is readily setup up. Then run
cd examples
python benchmark_script.py
License <a href='#top'>[Back to Top]</a>
This project is licensed under the Apache License (Version 2.0). This toolkit also contains some code modified from other repos under other open-source licenses. See the NOTICE file for more information.
Todo List <a href='#top'>[Back to Top]</a>
<span id='todo'/>- New dataset:
- New model:
- Meta Temporal Point Process, ICLR 2023.
- Model-based RL via TPP, AAAI 2022.
Citation <a href='#top'>[Back to Top]</a>
<span id='citation'/>If you find EasyTPP
useful for your research or development, please cite the following <a href="https://arxiv.org/abs/2307.08097" target="_blank">paper</a>:
@inproceedings{xue2024easytpp,
title={EasyTPP: Towards Open Benchmarking Temporal Point Processes},
author={Siqiao Xue and Xiaoming Shi and Zhixuan Chu and Yan Wang and Hongyan Hao and Fan Zhou and Caigao Jiang and Chen Pan and James Y. Zhang and Qingsong Wen and Jun Zhou and Hongyuan Mei},
booktitle = {International Conference on Learning Representations (ICLR)},
year = {2024},
url ={https://arxiv.org/abs/2307.08097}
}
Acknowledgment <a href='#top'>[Back to Top]</a>
<span id='acknowledgment'/>The project is jointly initiated by Machine Intelligence Group, Alipay and DAMO Academy, Alibaba.
The following repositories are used in EasyTPP
, either in close to original form or as an inspiration:
- EasyRec
- EasyNLP
- FuxiCTR
- Neural Hawkes Process
- Neural Hawkes Particle Smoothing
- Attentive Neural Hawkes Process
- Huggingface - transformers