Uncovering What, Why and How:
A Comprehensive Benchmark for Causation Understanding of Video Anomaly
Abstract
Video anomaly understanding (VAU) aims to automatically comprehend unusual occurrences in videos, thereby enabling various applications such as traffic surveillance and industrial manufacturing. While existing VAU benchmarks primarily concentrate on anomaly detection and localization, our focus is on more practicality, prompting us to raise the following crucial questions: “what anomaly occurred?”, “why did it happen?”, and “how severe is this abnormal event?”. In pursuit of these answers, we present a comprehensive benchmark for Causation Understanding of Video Anomaly (CUVA). Specifically, each instance of the proposed benchmark involves three sets of human annotations to indicate the “what”, “why” and “how” of an anomaly, including 1) anomaly type, start and end times, and event descriptions, 2) natural language explanations for the cause of an anomaly, and 3) free text reflecting the effect of the abnormality. In addition, we also introduce MMEval, a novel evaluation metric designed to better align with human preferences for CUVA, facilitating the measurement of existing LLMs in comprehending the underlying cause and corresponding effect of video anomalies. Finally, we propose a novel prompt-based method that can serve as a baseline approach for the challenging CUVA. We conduct extensive experiments to show the superiority of our evaluation metric and the prompt-based approach. Our code and dataset are available at https://github.com/fesvhtr/CUVA.
1 Introduction
Anomalies represent occurrences or scenarios that deviate from the norm, defying expectations and straying from routine conditions [13, 2, 8, 3]. These events are typically characterized by their unique, sudden, or infrequent nature, often demanding special attention or intervention [44].
Recently proliferated video anomaly understanding (VAU) [35, 58] aims at automatically comprehending such abnormal events in videos, thereby facilitating various applications such as traffic surveillance, environmental monitoring, and industrial manufacturing. In this direction, video anomaly detection and localization, which refer to identifying abnormal occurrences, and localizing temporally or spatially locate anomalous events in videos, has attracted enormous attention [37, 59, 54, 64, 11, 55, 25, 29, 57].
Existing VAU benchmarks [9, 20, 52] and approaches [68, 49, 10, 38, 15, 19, 16, 72, 63] primarily focus on the aforementioned anomaly detection and localization tasks, while the underlying cause and the corresponding effect of these occurrences, are still largely under-explored. These cues are crucial for perceiving the abnormality and making decisions based on human-interpretable explanations. Figure 1 demonstrates a scene of a traffic accident involving many vehicles. “The accident occurred because a white car parked by the roadside, and a dark gray car traveled at high speed to swerve and rear-end the black car next to it.” Challenges of comprehending such a cause of the accident include: 1) capturing key cues in the long video: a model needs to recognize the white car at the moment indicated by Frame B, which is seconds before the accident in the clip indicated by Frame D. It is challenging for a model to capture such a long-range relation. 2) building a logic chain of the cause-effect: a model needs to further learn rich interactions among clips in the video, indicated by Frame B, Frame C, and Frame D, to build a logic chain of causation of the anomaly, facilitating the generation of the explanations and results. The above two challenges require the development of causation understanding methods that specifically take these characteristics of video anomaly into consideration.
Previous works have demonstrated the great importance of leveraging large, high-quality, and challenging benchmarks to develop and evaluate the state-of-the-art deep learning methods for the VAU task [18, 30, 1, 53, 39, 47]. Along this line, existing benchmarks have shown their promise [59, 8, 44]. Towards VAU in more practical real-world scenarios, they have some limitations: 1) Lack of cause and effect explanations. Existing annotations involve the periods when anomalies occur, without providing an explanation of the underlying cause and the effect, as well as the descriptions of targeting anomaly. 2) Lack of proper evaluation metrics. Some remotely related metrics to measure the text-based explanation or description of the video anomaly, such as BLEU [42] and ROUGE [26], can not be directly applied to measure multimodal VAU tasks, as they are designed only for text modality. 3) Limited length of videos. In real-world scenarios, a piece of video may include more than 1.5 minutes [4]. However, samples in existing VAU usually have fewer than 30 seconds, which greatly simplifies the challenges of VAU in real-world cases.
The above limitations of existing datasets call for a benchmark of Causation Understanding of Video Anomaly. Towards that, we present CUVA, a comprehensive benchmark that contains high-quality annotations of videos from the real world, covering major categories, and subcategories of different anomaly types, each involving a 117-second long video and “65.7” tokens across “4.3” sentences on average. Specifically, we manually write free-text explanations to detail the underlying cause and the corresponding effects, the descriptions of these events, and the relationships among them. Moreover, we come up with a novel evaluation metric to measure the capability of a method on the challenging CUVA. We also propose a novel prompt-based approach based on video large language model (VLM) [36, 66, 24]. Experiments show the superiority of the metric and the proposed method. The main contributions of our work can be summarised as follows:
-
•
We develop CUVA, a new benchmark for causation understanding of video anomaly. To the best of our knowledge, CUVA is the first large-scale benchmark focused on the causation of video anomalies. Compared with existing datasets, our dataset is more comprehensive and more challenging with much higher-quality annotations.
-
•
We present a novel metric to measure the challenging CUVA in a human-interpretable manner, and introduce a prompt-based method to capture the key cues of anomalies and build a logic chain of the cause-effect.
-
•
We conduct extensive experiments on the proposed CUVA. Results show that CUVA enables us to develop and evaluate various VLM methods for causation understanding of video anomalies closer to real-world cases.
2 Related Work
Anomaly Datasets: Existing VAU datasets primarily focus on anomaly detection and localization, and can be broadly categorized into weakly-supervised ones [51, 59], and semi-supervised ones [34, 2, 44, 46]. These datasets emphasize the time points or time periods of anomalous events based on frame-level or pixel-level annotations. Our CUVA significantly differs from the existing datasets in these aspects, More detailed comparisons are available in Table 1.
Evaluation Metrics: VAU evaluation metrics [62] include, reference-based ones such as ROUGE [26] and BLEURT [48], answer-based ones such as BLEU [42], Rankgen [22] and QAFactEval [14], and others such as Longformer [6], UniEval [71] and MoverScore [70]. Recently, various GPT-based metrics [61, 5, 7] have been developed. The key difference between our proposed MMEval and the above ones is: MMEval aims to evaluate the video and text anomaly understanding based on a large language model, while the existing one focuses on a single modality.
Methods: Video large language models (VLM) have been widely used for text generation based on videos [23, 50, 69, 36], exploring prompts to unlock the capability of VLMs. Prompt-based methods can be categorized into “hard prompt” and “soft prompt” [31, 45, 12, 32]. For the challenging CUVA task, we proposed a novel method that leverages both hard prompts and soft ones to tackle two challenges raised at the beginning, i.e., capturing the key cues and building a logic chain of anomaly causation.
3 The Proposed CUVA Benchmark
In this section, we first introduce some CUVA sub-tasks. Then we show how we collect and annotate data. We also provide a quantitative analysis of the benchmark. The overview of our CUVA is demonstrated in Figure 2.
3.1 Task Definition
What anomaly occurred: This task includes two objectives: anomaly classification and anomaly description. Anomaly Classification includes all the anomaly classes present in the video, which are taken from our database of predefined anomaly classes, as shown in Figure 4 (a).
Each video has multiple anomaly classes at different levels, and this task will challenge the model’s ability to detect anomaly classes at multiple levels of granularity. Anomaly Moment Description includes the timestamp in which the anomaly occurs and a detailed description of the anomalous event.
Why this anomaly happened: This task aims to describe the causal relationships within the video.
Anomaly reasoning describes the reasons for the occurrence of anomalies in the video.
This task requires the model to infer the cause of the anomaly based on the video content and describe it in natural language, which challenges the model’s ability of video comprehension and reasoning.
Anomaly results primarily describe the impacts caused by anomalous events in the video. It mainly tests the model’s ability to handle details of anomalous events in the video.
How severe this anomaly: This task aims to reflect the changing trends in the severity of anomalies within the video.
Thus, we propose a novel annotation approach called the importance curve.
Details of our importance curve’s pipeline can be found in Figure 3. This approach has three advantages:
1) It provides an intuitive representation of the temporal variation in anomaly severity within the video.
2) It offers a more intuitive depiction of the inherent causal relationships among anomalous events in the video.
3) Such an approach enables us to unify various Video Temporal Grounding labels and tasks (e.g. Moment Retrieval, Highlight Detection, Video Summarization) under the same framework.***More details are available in Section 2 of Appendix A.
3.2 Dataset Collection
We crawled data from prominent video platforms such as Bilibili and YouTube†††We have obtained permission from Bilibili www.bilibili.com and YouTube www.youtube.com to use their video data for non-commercial purposes.. And we discarded videos that encompass sensitive themes such as pornography and politics. Throughout the data collection process, we thoroughly analyze the quantity and quality of videos in each category, which in turn lead to the selection of the final categories of anomalous videos. These videos are then categorized into main categories, such as “robbery", “traffic accident" and “fire". Each major category is further divided into subcategories. For example, we divided the “fire” category into the “commercial building fire”, “forest fire”, “factory fire” and “residential fire” subcategories. In this way, we obtain subcategories in total.
Dataset | Domain | Video | # Anomaly Types | QA | ||||||
# Total Frames | Total Length | A.C.L | Audio | Localization | Description | Reasoning | Outcome | |||
UCF-Crimes [51] | Crime | 13,741,393 | 128.0h | 242.5s | No | 13 | Frame | NA | NA | NA |
XD-Violence [59] | Volence | 114,096 | 21.07h | 164.3s | Yes | 6 | Frame | NA | NA | NA |
ShanghaiTech [34] | Pedestrian | 317,398 | - | - | No | 13 | Bounding-box | NA | NA | NA |
UCSD Ped1 [56] | Pedestrian | 14,000 | 0.1h | 6.6s | No | 5 | Bounding-box | NA | NA | NA |
UCSD Ped2 [56] | Pedestrian | 4,560 | 0.1h | 6.6s | No | 5 | Bounding-box | NA | NA | NA |
CUHK Avenue [33] | Pedestrian | 30,652 | 0.5h | 1.4s | No | 5 | Bounding-box | NA | NA | NA |
TAD [64] | Traffic | 721,280 | 1.2h | 36.8s | Irrelevant | 4 | Bounding-box | NA | NA | NA |
Street Scene [44] | Traffic | 203,257 | 380.6s | 3.7s | No | 17 | Bounding-box | NA | NA | NA |
CamNuvem [11] | Robbery | 6,151,788 | 57h | 192.2s | No | 1 | Frame | NA | NA | NA |
Subway Entrance [3] | Pedestrian | 86,535 | 1.5h | - | No | 5 | Frame | NA | NA | NA |
Subway Exit [3] | Pedestrian | 38,940 | 1.5h | - | No | 3 | Frame | NA | NA | NA |
UCF–Crime Extension [41] | Crime | 734,400 | 7.5h | 112.5s | No | 1 | Frame | NA | NA | NA |
BOSS [54] | Multiple | 48,624 | 0.5h | 660.0 s | No | 11 | Frame | NA | NA | NA |
UMN [37] | behaviors | 3,855 | 0.1h | 29.1s | No | 1 | Frame | NA | NA | NA |
UBnormal [2] | Multiple | 236,902 | 2.2h | 14.6s | No | 22 | Pixel-level | NA | NA | NA |
CUVA (Ours) | Multiple | 3,345,097 | 32.5h | 117.0s | Yes | 42 | Time Duration | Free-text | Free-text | Free-text |
3.3 Annotation Pipeline
Our dataset construction pipeline involves three stages: pre-processing, manual annotation, and importance curve processing. The whole process takes about hours with over annotators.‡‡‡More details of our dataset are available in Section 3 of Appendix A.
3.3.1 Pre-processing
First, we crawl videos from Bilibili and YouTube. Then, we manually cut the collected videos to ensure the quality of video content and exclude non-ethical content and sensitive information through manual screening.§§§Detailed screening criteria can be found in Section 4 of Appendix A. Throughout the dataset collection and annotation process, we strictly follow the ethical requirement of the website.¶¶¶More details about ethical consideration are presented in Section 5 of Appendix A. Finally, anomaly video clips are obtained.
3.3.2 Manual Annotation
We annotate the videos in English according to the designed annotation document, and the annotation is divided into two rounds. We employ a mechanism similar to kappa [60] to screen and train annotators, ensuring the consistency of their annotation content. In the first round, We ask annotators to annotate all videos according to the task definition. In the second round, we ask these annotators to review and supplement the annotation results of the first round.
3.3.3 Post-processing of Importance Curve
Due to the limited capabilities of the CLIP model and sampling intervals, the initial curve may fail to accurately reflect the time periods of anomalies, which significantly impacts the effectiveness of downstream tasks. Thus, we incorporate the following three tasks to optimize the importance curve, such as Video Captioning [24], Video Entailment [67], and Video Grounding [27] respectively. Based on these tasks, we employ a voting mechanism to precisely identify the time segments in the video corresponding to the given key sentences.∥∥∥Details can be found in Section 6 of Appendix A.
3.4 Dataset Statistics
Our CUVA dataset contains video clips and question-answer pairs, the total length of these videos is hours, and the average frames of videos is . The frames are extracted from the original videos at a rate of FPS. The videos encompass a wide range of domains. Then, we categorize anomaly events into scenarios, resulting in a total of types of anomalies, as illustrated in Figure 4 (a). The distribution of video categories is illustrated in Figure 4 (b) and 4 (c). The distribution of video lengths can be found in Figure 4 (d), along with the percentage of video time proportions shown in Figure 4 (e).
4 The Proposed Method: Anomaly Guardian
In this section, we introduce a novel prompt-based method named Anomaly Guardian (A-Guardian), which is designed to address the two challenges presented by our dataset. By leveraging the exceptional logical reasoning capabilities of VLM, we select it as the foundation of our method to build a logic chain of the cause-effect. To effectively capture crucial cues within lengthy videos, we present a novel prompt mechanism aimed at guiding VLMs to concentrate on pivotal clues in the video pertinent to the provided questions.
4.1 Design of Hard Prompts
We use ChatGPT [40] to assist in confirming and supplementing user prompts first, enabling the VLM to better understand the user’s intent. Specifically, we first utilize an instruction prompt containing an example to correct misleading guidance and standardize the output format. Due to the presence of numerous events in long videos, we employ a multi-turn dialog mechanism to assist VLM in identifying events relevant to anomaly occurrences in the video. After multiple rounds, VLM can focus on segments more relevant to the anomaly, providing more accurate answers.******Details of the hard prompts are available in Section 1 of Appendix B.
4.2 Design of Soft Prompts
We leverage a selector in MIST [17] to better capture spatio-temporal features relevant to the given questions processed by ChatGPT [40]. We first divide the video into segments of uniform length, with each segment comprising frames. To better capture interactions among different granularities of visual concepts, we divide each frame into patches. Furthermore, we leverage token to represent each segment and frame. Specifically, We first use the CLIP [43] with frozen parameters to extract patch-level features denoted as , where and is the dimension of each patch-level feature. Then, we perform pooling operations on patch features’ spatial dimensions to obtain frame features.
(1) |
where indicates the -th patch at the -th frame of the -th segment. Then, the segment features are obtained by pooling frame features along the temporal dimension, where :
(2) |
Similarly, the question feature is obtained by pooling the word features, where and
(3) |
After that, we select the patch features of the top segments using cross-modal temporal attention and top- selection from MIST [17], as expressed by the following formulation. The term "selector" corresponds to a top-k selection function utilized to pick the video segment features from the segments considering the question.
(4) |
4.3 Answer Prediction
Finally, we follow a previous work [21] to concatenate the hard prompts and soft prompts and feed them into the VLM for inference. During the training phase, we employ GPT to generate candidate answers and data augmentation. We only finetune the selector by optimizing the softmax cross-entropy loss, aligning the predicted similarity scores with the ground truth.††††††Details can be found in Section 2 of Appendix B.
5 Experiment
5.1 The Proposed MMEval Metric
Given that our dataset extensively employs free-text descriptions to delineate both anomalous events with their causal relationships, and recognizing CUVA is a multimodal dataset (integrating video, text, and appended comments), which necessitates a shift from solely relying on Natural Language Generation (NLG) metrics to a broader consideration that encompasses the rich multimodal input information. Thus, we introduce a novel evaluation metric namely MMEval as depicted in Figure 6. In order to assess the model’s performance from a multimodal perspective and infuse human-like reasoning abilities into the evaluation metric, we choose Video-ChatGPT [36] as our foundation model. We utilize natural language prompts to guide MMEval in specifying the task types to be evaluated and design three natural language prompts, each corresponding to one of the three free-text descriptions in the dataset. To enhance the robustness of the model, we utilize curve labels to help VLM focus more on segments of anomalies within the video. Specifically, by setting thresholds to extract periods of important events in the curve, we perform dense sampling on that segment of the video, helping the VLM focus more on the crucial parts of the video. Our MMEval metric can be used for scoring, ranking, and providing rationale explanations.
Method | Metric | Description | Causes | Effect |
mPLUG-owl [66] | BLEU | 0.55 | 0.65 | 0.47 |
ROUGE | 12.58 | 13.54 | 8.83 | |
BLEURT | 40.66 | 43.28 | 37.95 | |
MoverScore | 51.97 | 52.71 | 50.06 | |
UniEval | 67.46 | 62.29 | 59.07 | |
MMEval (Ours) | 73.42 | 17.15 | 44.31 | |
Video-LLaMA [69] | BLEU | 0.60 | 0.53 | 0.35 |
ROUGE | 13.15 | 12.36 | 8.02 | |
BLEURT | 40.55 | 43.02 | 39.68 | |
MoverScore | 51.32 | 51.25 | 49.48 | |
UniEval | 52.28 | 47.29 | 43.03 | |
MMEval (Ours) | 65.65 | 16.24 | 32.84 | |
PandaGPT [50] | BLEU | 0.66 | 0.51 | 0.30 |
ROUGE | 13.33 | 14.09 | 8.79 | |
BLEURT | 38.23 | 43.95 | 39.95 | |
MoverScore | 51.73 | 51.54 | 49.62 | |
UniEval | 57.05 | 54.88 | 50.84 | |
MMEval (Ours) | 74.19 | 22.47 | 69.45 | |
Otter [23] | BLEU | 1.07 | 1.09 | 1.11 |
ROUGE | 15.19 | 15.87 | 11.40 | |
BLEURT | 29.92 | 32.52 | 28.94 | |
MoverScore | 53.54 | 54.25 | 51.91 | |
UniEval | 45.14 | 49.05 | 47.51 | |
MMEval (Ours) | 76.30 | 3.53 | 39.21 | |
Video-ChatGPT [36] | BLEU | 0.30 | 0.29 | 0.41 |
ROUGE | 9.75 | 9.08 | 8.23 | |
BLEURT | 46.83 | 49.52 | 37.24 | |
MoverScore | 50.73 | 50.70 | 49.83 | |
UniEval | 70.82 | 70.77 | 54.35 | |
MMEval (Ours) | 78.55 | 44.57 | 46.08 | |
Video-ChatGPT [36] + A-Guardian (Ours) | BLEU | 0.55 | 0.51 | 0.38 |
ROUGE | 14.35 | 9.08 | 8.23 | |
BLEURT | 47.10 | 48.13 | 48.28 | |
MoverScore | 52.25 | 52.28 | 49.95 | |
UniEval | 68.18 | 63.41 | 51.87 | |
MMEval (Ours) | 79.65 | 58.92 | 50.64 |
Methods | Detection | Classification | Timestamp |
mPLUG-Owl [66] | 89.4% | 11.5% | 9.0% |
Video-LLaMA [69] | 25.0% | 13.1% | 0.7% |
PandaGPT [50] | 100.0% | 32.6% | N/A |
Otter [23] | 64.3% | 41.3% | N/A |
Video-ChatGPT [36] | 60.0% | 21.3% | 3.2% |
5.2 Implementation Details
We follow Video-ChatGPT [36] to adopt CLIP-L/14 visual encoder to extract both spatial and temporal video features. In our approach, we utilize the Vicuna-v1.1 model, comprised of 7B parameters, and initialize it with weights from LLaVA [28]. All experiments were conducted on four NVIDIA A40 GPUs, and each task took around 8 hours.
Metrics | Answer Pool Ranking | ||
Description | Cause | Effect | |
Human Evaluation | 87.3% | 77.3% | 87.3% |
BLEU [42] | 67.8% | 60.4% | 63.2% |
ROUGE [26] | 54.4% | 55.5% | 52.1% |
BLEURT [48] | 80.4% | 73.2% | 76.7% |
MoverScore [70] | 67.8% | 60.4% | 63.2% |
UniEval [71] | 78.2% | 70.1% | 74.3% |
MMEval (Ours) | 82.3% | 80.2% | 89.1% |
5.3 Consistency evaluation of MMEval
Our MMEval metric can better align with human’s preference on causation understanding of video anomaly. To validate the consistency of our evaluation metric with human judgment, we conducted a human consistency experiment. Using the ranking of answers from first-round annotations, second-round annotations, and GPT-generated answers as the ground truth (1. Second round 2. First round 3. ChatGPT). we employ various evaluation metrics and human beings who view the videos to rank these answers based on the corresponding questions, as shown in Table 4.
5.4 Quantitative evaluation of A-Guardian
Our A-Guardian model achieves state-of-the-art performance in both the description and cause tasks. We conducted experiments on all tasks involved in our dataset, and the results are summarized in Table 2. For free-text tasks (e.g. Cause, Effect, Description), we evaluated the performance of various VLMs and our model under different evaluation metrics. Our model also outperforms the majority of models in the effect task. For the other tasks (e.g. Detection, Classification, Timestamp), we set a uniform prompt and use string matching to extract answers relevant to the questions from the inference results of VLMs. Table 3 shows the results of these tasks.
Model | MMEval () | ||
Description | Cause | Effect | |
Ours | 79.65 | 58.92 | 50.64 |
- Soft Prompt | 78.92 | 54.22 | 49.11 |
- Hard Prompt | 78.55 | 44.57 | 46.08 |
5.5 Ablation Study
Both hard and soft prompts significantly improve the VLM’s understanding of the video’s causation. This section investigates the influence of soft prompts and hard prompts on our method. As shown in Table 5, the design of hard prompts achieves a greater improvement than that of soft prompts, indicating that the hard prompts are more intuitively effective in uncovering VLM’s reasoning capabilities compared to the soft prompt.
5.6 Case Study
In Figure 7, we illustrate the performance of Otter, Video-ChatGPT, and Video-ChatGPT with A-Guardian, showcasing the different answers they provide for the anomaly causation task. In terms of the model’s response, it can be observed that Video-ChatGPT provides descriptions that are generally correct, but it does not focus on describing the anomaly event. Instead, it pays attention to describing the actions of the vehicles. However, with the addition of our A-Guardian model, its descriptions become more accurate, specifically highlighting the theft as an anomaly event and providing detailed descriptions such as "taking something out of a car" and "glass is shattered". Otter and Video-ChatGPT achieve similar scores based on traditional metrics, but their answers convey completely different meanings. Otter’s description does not align with the video, while Video-ChatGPT incorrectly describes the anomaly subject. As MMEval possesses the ability to evaluate from the multimodal perspective, it is able to identify the parts that pertain to the description of the anomaly in the videos, which shows highly consistent conclusions with human beings.
5.7 Result Discussion
Through experiments, we have discovered and summarized the following conclusions: 1) For free-text tasks, most VLMs excel in the description of anomalies but perform poorly on the task of causation analysis. This is because the tasks of description only require the VLM to comprehend the content of the videos, but causation analysis requires the VLM to possess a certain level of reasoning capability to build a logic chain of the cause-effect. 2) Timestamp localization task is the most challenging. Due to the relatively simplistic temporal and spatial relationships between video frames, VLM performs poorly on fine-grained tasks such as timestamp localization but excels relatively in coarse-grained tasks such as anomaly detection and classification. 3) Traditional metrics are poor at evaluating reasoning tasks. As shown in Figure 7, they generate similar evaluations for these answers, making it difficult to distinguish between them. However, MMEval is able to distinguish these answers’ inner differences and generate more accurate evaluation results.
6 Conclusion
This paper presents CUVA, a novel benchmark for causation understanding of video anomaly. To the best of our knowledge, our CUVA is the first benchmark in the field. Compared with the existing datasets, CUVA is more comprehensive and more challenging with much higher-quality annotations. We believe the proposed CUVA will encourage the exploration and development of various downstream tasks such as anomaly detection, anomaly prediction, anomaly reasoning, etc. We also present MMEval, a novel evaluation to measure the challenging CUVA in a human-interpretable manner. Furthermore, we put forward a prompt-based approach that can serve as a baseline approach for CUVA. Such an approach can capture the key cues of anomalies and build a logic chain of the cause-effect. Experimental results show that CUVA enables us to develop and evaluate various VLM methods. In the future, we plan to apply our CUVA to more practical scenarios for anomaly understanding and other VLM-based tasks.
Acknowledgement
This work was partially supported by the joint funds for Regional Innovation and Development of the National Natural Science Foundation of China (No.U21A20449), the National Natural Science Foundation of China (No.62171045), the Fundamental Research Funds for the Central Universities (No.2242022k60006) and the Joint Research Fund for Beijing Natural Science Foundation and Haidian Original Innovation (No.L232001).
References
- Aboah [2021] Armstrong Aboah. A vision-based system for traffic anomaly detection using deep learning and decision trees. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 4207–4212, 2021.
- Acsintoae et al. [2022] Andra Acsintoae, Andrei Florescu, Mariana-Iuliana Georgescu, Tudor Mare, Paul Sumedrea, Radu Tudor Ionescu, Fahad Shahbaz Khan, and Mubarak Shah. Ubnormal: New benchmark for supervised open-set video anomaly detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 20143–20153, 2022.
- Adam et al. [2008] Amit Adam, Ehud Rivlin, Ilan Shimshoni, and Daviv Reinitz. Robust real-time unusual event detection using multiple fixed-location monitors. IEEE transactions on pattern analysis and machine intelligence, 30(3):555–560, 2008.
- Apostolidis et al. [2021] Evlampios Apostolidis, Eleni Adamantidou, Alexandros I Metsai, Vasileios Mezaris, and Ioannis Patras. Video summarization using deep neural networks: A survey. Proceedings of the IEEE, 109(11):1838–1863, 2021.
- Bai et al. [2023] Shuai Bai, Shusheng Yang, Jinze Bai, Peng Wang, Xingxuan Zhang, Junyang Lin, Xinggang Wang, Chang Zhou, and Jingren Zhou. Touchstone: Evaluating vision-language models by language models. arXiv preprint arXiv:2308.16890, 2023.
- Beltagy et al. [2020] Iz Beltagy, Matthew E Peters, and Arman Cohan. Longformer: The long-document transformer. arXiv preprint arXiv:2004.05150, 2020.
- Bitton et al. [2023] Yonatan Bitton, Hritik Bansal, Jack Hessel, Rulin Shao, Wanrong Zhu, Anas Awadalla, Josh Gardner, Rohan Taori, and Ludwig Schimdt. Visit-bench: A benchmark for vision-language instruction following inspired by real-world use. arXiv preprint arXiv:2308.06595, 2023.
- Cao et al. [2023a] Congqi Cao, Yue Lu, Peng Wang, and Yanning Zhang. A new comprehensive benchmark for semi-supervised video anomaly detection and anticipation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), pages 20392–20401, 2023a.
- Cao et al. [2023b] Congqi Cao, Yue Lu, Peng Wang, and Yanning Zhang. A new comprehensive benchmark for semi-supervised video anomaly detection and anticipation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 20392–20401, 2023b.
- Chang et al. [2022] Yunpeng Chang, Zhigang Tu, Wei Xie, Bin Luo, Shifu Zhang, Haigang Sui, and Junsong Yuan. Video anomaly detection with spatio-temporal dissociation. Pattern Recognition, 122:108213, 2022.
- de Paula et al. [2022] Davi D de Paula, Denis HP Salvadeo, and Darlan MN de Araujo. Camnuvem: A robbery dataset for video anomaly detection. Sensors, 22(24):10016, 2022.
- Ding et al. [2021] Ning Ding, Shengding Hu, Weilin Zhao, Yulin Chen, Zhiyuan Liu, Hai-Tao Zheng, and Maosong Sun. Openprompt: An open-source framework for prompt-learning. arXiv preprint arXiv:2111.01998, 2021.
- Doshi and Yilmaz [2020] Keval Doshi and Yasin Yilmaz. Any-shot sequential anomaly detection in surveillance videos. In 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), pages 4037–4042, 2020.
- Fabbri et al. [2021] Alexander R Fabbri, Chien-Sheng Wu, Wenhao Liu, and Caiming Xiong. Qafacteval: Improved qa-based factual consistency evaluation for summarization. arXiv preprint arXiv:2112.08542, 2021.
- Fang et al. [2023] Xiang Fang, Daizong Liu, Pan Zhou, and Guoshun Nan. You can ground earlier than see: An effective and efficient pipeline for temporal sentence grounding in compressed videos. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), pages 2448–2460, 2023.
- Fei et al. [2024] Fan Fei, Yean Cheng, Yongjie Zhu, Qian Zheng, Si Li, Gang Pan, and Boxin Shi. Split: Single portrait lighting estimation via a tetrad of face intrinsics. IEEE Transactions on Pattern Analysis and Machine Intelligence, 46(02):1079–1092, 2024.
- Gao et al. [2023] Difei Gao, Luowei Zhou, Lei Ji, Linchao Zhu, Yi Yang, and Mike Zheng Shou. Mist: Multi-modal iterative spatial-temporal transformer for long-form video question answering. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 14773–14783, 2023.
- Georgescu et al. [2021] Mariana-Iuliana Georgescu, Antonio Barbalau, Radu Tudor Ionescu, Fahad Shahbaz Khan, Marius Popescu, and Mubarak Shah. Anomaly detection in video via self-supervised and multi-task learning. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pages 12742–12752, 2021.
- Han et al. [2020] Jin Han, Chu Zhou, Peiqi Duan, Yehui Tang, Chang Xu, Chao Xu, Tiejun Huang, and Boxin Shi. Neuromorphic camera guided high dynamic range imaging. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2020.
- Han et al. [2022] Songqiao Han, Xiyang Hu, Hailiang Huang, Minqi Jiang, and Yue Zhao. Adbench: Anomaly detection benchmark. Advances in Neural Information Processing Systems, 35:32142–32159, 2022.
- Jin et al. [2022] Woojeong Jin, Yu Cheng, Yelong Shen, Weizhu Chen, and Xiang Ren. A good prompt is worth millions of parameters: Low-resource prompt-based learning for vision-language models. In Proceedings of the 60th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pages 2763–2775, Dublin, Ireland, 2022. Association for Computational Linguistics.
- Krishna et al. [2022] Kalpesh Krishna, Yapei Chang, John Wieting, and Mohit Iyyer. Rankgen: Improving text generation with large ranking models. arXiv preprint arXiv:2205.09726, 2022.
- Li et al. [2023a] Bo Li, Yuanhan Zhang, Liangyu Chen, Jinghao Wang, Jingkang Yang, and Ziwei Liu. Otter: A multi-modal model with in-context instruction tuning. arXiv preprint arXiv:2305.03726, 2023a.
- Li et al. [2023b] Kunchang Li, Yinan He, Yi Wang, Yizhuo Li, Wenhai Wang, Ping Luo, Yali Wang, Limin Wang, and Yu Qiao. Videochat: Chat-centric video understanding. arXiv preprint arXiv:2305.06355, 2023b.
- Liang et al. [2023] Chen Liang, Wenguan Wang, Tianfei Zhou, Jiaxu Miao, Yawei Luo, and Yi Yang. Local-global context aware transformer for language-guided video segmentation. IEEE Transactions on Pattern Analysis and Machine Intelligence, 45(8):10055–10069, 2023.
- Lin [2004] Chin-Yew Lin. Rouge: A package for automatic evaluation of summaries. In Text summarization branches out, pages 74–81, 2004.
- Lin et al. [2023] Kevin Qinghong Lin, Pengchuan Zhang, Joya Chen, Shraman Pramanick, Difei Gao, Alex Jinpeng Wang, Rui Yan, and Mike Zheng Shou. Univtg: Towards unified video-language temporal grounding. In Proceedings of the IEEE/CVF International Conference on Computer Vision, pages 2794–2804, 2023.
- Liu et al. [2023a] Haotian Liu, Chunyuan Li, Qingyang Wu, and Yong Jae Lee. Visual instruction tuning. arXiv preprint arXiv:2304.08485, 2023a.
- Liu et al. [2023b] Rui Liu, Wenguan Wang, and Yi Yang. Bird’s-eye-view scene graph for vision-language navigation, 2023b.
- Liu et al. [2023c] Zuhao Liu, Xiao-Ming Wu, Dian Zheng, Kun-Yu Lin, and Wei-Shi Zheng. Generating anomalies for video anomaly detection with prompt-based feature mapping. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 24500–24510, 2023c.
- Loedeman et al. [2022] Jochem Loedeman, Maarten C. Stol, Tengda Han, and Yuki M. Asano. Prompt Generation Networks for Input-based Adaptation of Frozen Vision Transformers. arXiv e-prints, art. arXiv:2210.06466, 2022.
- Logan et al. [2021] IV Logan, Robert L., Ivana Balažević, Eric Wallace, Fabio Petroni, Sameer Singh, and Sebastian Riedel. Cutting Down on Prompts and Parameters: Simple Few-Shot Learning with Language Models. arXiv e-prints, art. arXiv:2106.13353, 2021.
- Lu et al. [2013] Cewu Lu, Jianping Shi, and Jiaya Jia. Abnormal event detection at 150 fps in matlab. In Proceedings of the IEEE international conference on computer vision, pages 2720–2727, 2013.
- Luo et al. [2017] Weixin Luo, Wen Liu, and Shenghua Gao. A revisit of sparse coding based anomaly detection in stacked rnn framework. In Proceedings of the IEEE international conference on computer vision, pages 341–349, 2017.
- Lv et al. [2023] Hui Lv, Zhongqi Yue, Qianru Sun, Bin Luo, Zhen Cui, and Hanwang Zhang. Unbiased multiple instance learning for weakly supervised video anomaly detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 8022–8031, 2023.
- Maaz et al. [2023] Muhammad Maaz, Hanoona Rasheed, Salman Khan, and Fahad Shahbaz Khan. Video-chatgpt: Towards detailed video understanding via large vision and language models. arXiv preprint arXiv:2306.05424, 2023.
- Mehran et al. [2009] Ramin Mehran, Alexis Oyama, and Mubarak Shah. Abnormal crowd behavior detection using social force model. In 2009 IEEE conference on computer vision and pattern recognition, pages 935–942. IEEE, 2009.
- Nan et al. [2021] Guoshun Nan, Rui Qiao, Yao Xiao, Jun Liu, Sicong Leng, Hao Zhang, and Wei Lu. Interventional video grounding with dual contrastive learning. In 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), pages 2764–2774, 2021.
- Nguyen and Meunier [2019] Trong-Nguyen Nguyen and Jean Meunier. Anomaly detection in video sequence with appearance-motion correspondence. In Proceedings of the IEEE/CVF international conference on computer vision, pages 1273–1283, 2019.
- OpenAI [2022] OpenAI. Chatgpt. https://www.openai.com/gpt-3, 2022. Accessed: November 12, 2023.
- Ozturk and Can [2021] Halil Ibrahim Ozturk and Ahmet Burak Can. Adnet: Temporal anomaly detection in surveillance videos. arXiv preprint arXiv:2104.06653, 2021.
- Papineni et al. [2002] Kishore Papineni, Salim Roukos, Todd Ward, and Wei-Jing Zhu. Bleu: a method for automatic evaluation of machine translation. In Proceedings of the 40th annual meeting of the Association for Computational Linguistics, pages 311–318, 2002.
- Radford et al. [2021] Alec Radford, Jong Wook Kim, Chris Hallacy, Aditya Ramesh, Gabriel Goh, Sandhini Agarwal, Girish Sastry, Amanda Askell, Pamela Mishkin, Jack Clark, Gretchen Krueger, and Ilya Sutskever. Learning transferable visual models from natural language supervision. In Proceedings of the 38th International Conference on Machine Learning, pages 8748–8763. PMLR, 2021.
- Ramachandra and Jones [2020] Bharathkumar Ramachandra and Michael Jones. Street scene: A new dataset and evaluation protocol for video anomaly detection. In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, pages 2569–2578, 2020.
- Rao et al. [2021] Yongming Rao, Wenliang Zhao, Guangyi Chen, Yansong Tang, Zheng Zhu, Guan Huang, Jie Zhou, and Jiwen Lu. DenseCLIP: Language-Guided Dense Prediction with Context-Aware Prompting. arXiv e-prints, art. arXiv:2112.01518, 2021.
- Rodrigues et al. [2020] Royston Rodrigues, Neha Bhargava, Rajbabu Velmurugan, and Subhasis Chaudhuri. Multi-timescale trajectory prediction for abnormal human activity detection. In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, pages 2626–2634, 2020.
- Ruff et al. [2019] Lukas Ruff, Robert A Vandermeulen, Nico Görnitz, Alexander Binder, Emmanuel Müller, Klaus-Robert Müller, and Marius Kloft. Deep semi-supervised anomaly detection. arXiv preprint arXiv:1906.02694, 2019.
- Sellam et al. [2020] Thibault Sellam, Dipanjan Das, and Ankur P Parikh. Bleurt: Learning robust metrics for text generation. arXiv preprint arXiv:2004.04696, 2020.
- Singh et al. [2023] Ashish Singh, Michael J Jones, and Erik G Learned-Miller. Eval: Explainable video anomaly localization. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 18717–18726, 2023.
- Su et al. [2023] Yixuan Su, Tian Lan, Huayang Li, Jialu Xu, Yan Wang, and Deng Cai. Pandagpt: One model to instruction-follow them all. arXiv preprint arXiv:2305.16355, 2023.
- Sultani et al. [2018] Waqas Sultani, Chen Chen, and Mubarak Shah. Real-world anomaly detection in surveillance videos. In Proceedings of the IEEE conference on computer vision and pattern recognition, pages 6479–6488, 2018.
- Thakare et al. [2023] Kamalakar Vijay Thakare, Debi Prosad Dogra, Heeseung Choi, Haksub Kim, and Ig-Jae Kim. Rareanom: A benchmark video dataset for rare type anomalies. Pattern Recognition, 140:109567, 2023.
- Tian et al. [2021] Yu Tian, Guansong Pang, Yuanhong Chen, Rajvinder Singh, Johan W Verjans, and Gustavo Carneiro. Weakly-supervised video anomaly detection with robust temporal feature magnitude learning. In Proceedings of the IEEE/CVF international conference on computer vision, pages 4975–4986, 2021.
- Velastin and Gomez-Lira [2017] Sergio A Velastin and Diego A Gomez-Lira. People detection and pose classification inside a moving train using computer vision. In Advances in Visual Informatics: 5th International Visual Informatics Conference, IVIC 2017, Bangi, Malaysia, November 28–30, 2017, Proceedings 5, pages 319–330. Springer, 2017.
- Wang et al. [2023a] Hanqing Wang, Wei Liang, Luc Van Gool, and Wenguan Wang. Dreamwalker: Mental planning for continuous vision-language navigation. In Proceedings of the IEEE/CVF International Conference on Computer Vision (ICCV), pages 10873–10883, 2023a.
- Wang and Miao [2010] Shu Wang and Zhenjiang Miao. Anomaly detection in crowd scene. In IEEE 10th International Conference on Signal Processing Proceedings, pages 1220–1223. IEEE, 2010.
- Wang et al. [2023b] Xiaohan Wang, Wenguan Wang, Jiayi Shao, and Yi Yang. Lana: A language-capable navigator for instruction following and generation. In 2023 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), pages 19048–19058, 2023b.
- Wu et al. [2022] Jhih-Ciang Wu, He-Yen Hsieh, Ding-Jie Chen, Chiou-Shann Fuh, and Tyng-Luh Liu. Self-supervised sparse representation for video anomaly detection. In European Conference on Computer Vision, pages 729–745. Springer, 2022.
- Wu et al. [2020] Peng Wu, Jing Liu, Yujia Shi, Yujia Sun, Fangtao Shao, Zhaoyang Wu, and Zhiwei Yang. Not only look, but also listen: Learning multimodal violence detection under weak supervision. In Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, August 23–28, 2020, Proceedings, Part XXX 16, pages 322–339. Springer, 2020.
- Xia [2020] Yinglin Xia. Chapter eleven - correlation and association analyses in microbiome study integrating multiomics in health and disease. In The Microbiome in Health and Disease, pages 309–491. Academic Press, 2020.
- Xie et al. [2023] Binzhu Xie, Sicheng Zhang, Zitang Zhou, Bo Li, Yuanhan Zhang, Jack Hessel, Jingkang Yang, and Ziwei Liu. Funqa: Towards surprising video comprehension, 2023.
- Xu et al. [2023a] Fangyuan Xu, Yixiao Song, Mohit Iyyer, and Eunsol Choi. A critical evaluation of evaluations for long-form question answering, 2023a.
- Xu et al. [2023b] Li Xu, Mark Huang, Xindi Shang, Zehuan Yuan, Ying Sun, and Jun Liu. Meta compositional referring expression segmentation. pages 19478–19487, 2023b.
- Xu et al. [2022] Yajun Xu, Chuwen Huang, Yibing Nan, and Shiguo Lian. Tad: A large-scale benchmark for traffic accidents detection from video surveillance, 2022.
- Yang et al. [2021] Antoine Yang, Antoine Miech, Josef Sivic, Ivan Laptev, and Cordelia Schmid. Just ask: Learning to answer questions from millions of narrated videos. In ICCV, 2021.
- Ye et al. [2023] Qinghao Ye, Haiyang Xu, Guohai Xu, Jiabo Ye, Ming Yan, Yiyang Zhou, Junyang Wang, Anwen Hu, Pengcheng Shi, Yaya Shi, et al. mplug-owl: Modularization empowers large language models with multimodality. arXiv preprint arXiv:2304.14178, 2023.
- Yu et al. [2023] Shoubin Yu, Jaemin Cho, Prateek Yadav, and Mohit Bansal. Self-chained image-language model for video localization and question answering. arXiv preprint arXiv:2305.06988, 2023.
- Zaheer et al. [2022] M Zaigham Zaheer, Arif Mahmood, M Haris Khan, Mattia Segu, Fisher Yu, and Seung-Ik Lee. Generative cooperative learning for unsupervised video anomaly detection. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pages 14744–14754, 2022.
- Zhang et al. [2023] Hang Zhang, Xin Li, and Lidong Bing. Video-llama: An instruction-tuned audio-visual language model for video understanding. arXiv preprint arXiv:2306.02858, 2023.
- Zhao et al. [2019] Wei Zhao, Maxime Peyrard, Fei Liu, Yang Gao, Christian M. Meyer, and Steffen Eger. MoverScore: Text generation evaluating with contextualized embeddings and earth mover distance. In Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing (EMNLP-IJCNLP), pages 563–578, Hong Kong, China, 2019. Association for Computational Linguistics.
- Zhong et al. [2022] Ming Zhong, Yang Liu, Da Yin, Yuning Mao, Yizhu Jiao, Pengfei Liu, Chenguang Zhu, Heng Ji, and Jiawei Han. Towards a unified multi-dimensional evaluator for text generation. In Proceedings of the 2022 Conference on Empirical Methods in Natural Language Processing, pages 2023–2038, Abu Dhabi, United Arab Emirates, 2022. Association for Computational Linguistics.
- Zhu et al. [2023] Lanyun Zhu, Tianrun Chen, Jianxiong Yin, Simon See, and Jun Liu. Continual semantic segmentation with automatic memory sample selection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), pages 3082–3092, 2023.
Supplementary Material
Appendix A Dataset
A.1 Application of the proposed importance curve
We have presented a novel annotation approach called the importance curve in section 3.1 of the main paper.
Such an approach enables us to unify various Video Temporal Grounding labels and tasks under the same framework.
Here, we describe how to apply the importance curve to unify various Video Temporal Grounding labels and tasks (e.g. Moment Retrieval, Highlight Detection, Video Summarization) respectively with Figure A1.
Moment Retrieval aims to retrieve time intervals from videos based on textual queries[27].
The importance curve reflects the changing trends in the severity of anomaly.
Thus, we first filter out the time intervals (e.g. , , and in Figure A1) through a threshold .
Second, after post-processing the importance curve in Appendix A.4, we can obtain key sentences (e.g. , , and ) corresponding to each time interval.
Finally, these key sentences are employed as text queries, with corresponding time intervals serving as labels for the moment retrieval task.
Highlight Detection aims to assign a worthiness score to each video segment and then identify the top highest-scoring segment as the highlight [27].
Here, we first locate the absolute maximum point of the curve (e.g. in Figure A1), and leverage its corresponding time interval (e.g. ) as the top highest-scoring segment to conduct highlight detection task.
Video Summarization aims to summarize the whole video by a set of shots to provide a quick overview[27].
As depicted in Figure A1, , , and are the timestamps of the local maximum point (e.g. , and ).
We leverage these timestamps as a set of shots to provide a quick overview of the whole video.
A.2 Our CUVA benchmark
We have shown the statistics of the proposed CUVA in the subsection of the main paper. Here, we provide some supplementary for the statistics of the proposed CUVA. As Figure A2 shows, we present more detailed statistics of video anomaly categories. Figure A3 shows the word cloud of the proposed CUVA.
A.3 Ethical consideration
We carefully study the online copyright rules of the websites from YouTube and Bilibili, from which we collect data, and strictly conform to their requirements during data collection and annotation.
We have also adhered to the guidelines provided by the CVPR Code of Ethics to anonymize the parts of the video that may involve personal privacy by applying pixelation.
To exclude data that could potentially have ethical implications.
We further conduct rigorous reviews at each stage of the annotation, adhering to screening criteria as follows:
-
1.
Personal Privacy Respect: Avoid videos that show identifiable personal information (e.g., faces, license plates, home addresses).
-
2.
Legally Sourced Content: Prohibit the use of unauthorized or illegally obtained footage.
-
3.
Viewer Sensitivity Consideration: Avoid content that is overly graphic, cruel, or likely to cause viewer discomfort.
-
4.
Child Safety Focus: Exclude any videos involving children in risky or harmful situations.
-
5.
Gender Respect and Equality:
-
•
Videos should not imply or display acts of sexual violence.
-
•
Avoid content that contains gender discrimination or negative stereotypes of any gender group.
-
•
-
6.
Avoidance of Illegal Activities: Do not display or promote videos that clearly show or endorse illegal activities (e.g., drug use, trafficking).
-
7.
Copyright infringement: Videos containing copyrighted music, film clips, TV shows, or other media content.
A.4 Post-processing of the importance curve
As the initial sampling frequency of our curves is relatively lower (one frame per second), and we aim to obtain more accurate interval timestamps.‡‡‡‡‡‡We leverage algorithm 1 in the appendix to better illustrate the creation of the importance curve. Thus, we incorporate three specific tasks into our optimization strategy to achieve an optimal importance curve. Specifically, we perform tasks such as Video Captioning, Video Entailment, and Video Grounding by VideoChat[24], SEVILA[67], and UniVTG[27], respectively. Each task identifies specific time segments in the video based on the key sentences as shown in Figure 3 of the main paper. We adopt a voting mechanism to select a time segment when at least two models agree that it encapsulates the event represented by the key sentence annotation. Through the voting mechanism, we precisely identify the time segments in the video that correspond to the current key sentences. Then, we perform dense sampling on the voted segments (ten frames per second) and use wavelet filters to smooth the curve. The comprehensive optimization process is illustrated in Figure A4.
Input parameters: video, prompt
Output: importance curve
Appendix B The proposed method
We have introduced A-Guardian, a novel prompt-based method that consists of two kinds of prompt design. Here, we detail the design of the hard prompts. Moreover, we illustrate the details of the answer prediction in this section.
B.1 Hard prompts in A-Guardian
First, A-guardian leverages different newly designed system messages for different tasks, which can be found in Figure A5. After the VLM gives the answer based on the user message, the user’s question and the VLM’s answer will be input into ChatGPT to generate a new round of questions, Then, we re-input the question of ChatGPT[40] into VLM, and the final answer will be obtained after several rounds of loops. Figure A7 and A6 illustrate an A-Guardian hard prompt example which includes three rounds of dialog with ChatGPT.
B.2 Answer prediction
We denote the candidate answers as , we leverage BERT to generate the contextualized representations of each candidate answers . We follow the previous work [65] to calculate the similarity between and the feature of all candidate answers obtained by using the pre-trained model. Finally, the candidate answer with the maximal similarity is considered as the final prediction .
(5) |
During training, we optimize the softmax cross-entropy loss between the predicted similarity scores and ground truth.
Appendix C Experiment
C.1 Prompts of MMEval
In MMEval, we have different scoring criteria for different tasks, which are translated into the system message of the VLM. Details can be found in Figure A8.
C.2 Case study of A-Guardian
We have already shown the case study in section 5.6 of the main paper. Here, we further validate the effectiveness of the proposed model A-Guardian by the case study as follows: Figure A9 shows the results from Video-ChatGPT with and without A-Guardian for the Description, Cause, and Effect tasks related to the same anomalous video. It can be observed that A-Guardian possesses the following abilities:
-
•
Capturing key cues in the long video: In the Description task, A-Guardian assists the VLM in identifying crucial moments and events in the anomalous video. For example, punching another man in the face and holding a gun and pointing it at another man. Whereas Video-ChatGPT without A-Guardian can only provide vague responses about the anomaly event.
-
•
Building a logic chain of cause and effect: In the Cause and Effect tasks, A-Guardian guides the model in logical reasoning. In the example, the model with A-Guardian infers that the gun is the fundamental cause of the anomaly, leading to multiple injuries and people falling, followed by the perpetrator leaving. In contrast, the VLM without A-Guardian generates answers that are ambiguous and irrelevant to the events. The result emphasizes the potential results and societal impacts of the anomaly, lacking inference and summarization based on the video content.