HTML conversions sometimes display errors due to content that did not convert correctly from the source. This paper uses the following packages that are not yet supported by the HTML conversion tool. Feedback on these issues are not necessary; they are known and are being worked on.

  • failed: kantlipsum
  • failed: fontawesome5
  • failed: arydshln

Authors: achieve the best HTML results from your LaTeX submissions by following these best practices.

License: CC Zero
arXiv:2404.02059v2 [cs.IR] 11 Apr 2024

IISAN: Efficiently Adapting Multimodal Representation for Sequential Recommendation with Decoupled PEFT

Junchen Fu University of Glasgow [email protected] Xuri Ge{}^{\dagger}start_FLOATSUPERSCRIPT † end_FLOATSUPERSCRIPT University of Glasgow [email protected] Xin Xin Shandong University [email protected] Alexandros Karatzoglou Amazon, Barcelona [email protected] Ioannis Arapakis Telefonica Research, Barcelona [email protected] Jie Wang University of Glasgow [email protected]  and  Joemon M. Jose University of Glasgow [email protected]
(2024)
Abstract.

Multimodal foundation models are transformative in sequential recommender systems, leveraging powerful representation learning capabilities. While Parameter-efficient Fine-tuning (PEFT) is commonly used to adapt foundation models for recommendation tasks, most research prioritizes parameter efficiency, often overlooking critical factors like GPU memory efficiency and training speed. Addressing this gap, our paper introduces IISAN (Intra- and Inter-modal Side Adapted Network for Multimodal Representation)111Same pronunciation as the name of Thailand’s largest region ”Isan”., a simple plug-and-play architecture using a Decoupled PEFT structure and exploiting both intra- and inter-modal adaptation.

IISAN matches the performance of full fine-tuning (FFT) and state-of-the-art PEFT. More importantly, it significantly reduces GPU memory usage — from 47GB to just 3GB for multimodal sequential recommendation tasks. Additionally, it accelerates training time per epoch from 443s to 22s compared to FFT. This is also a notable improvement over the Adapter and LoRA, which require 37-39 GB GPU memory and 350-380 seconds per epoch for training.

Furthermore, we propose a new composite efficiency metric, TPME (Training-time, Parameter, and GPU Memory Efficiency) to alleviate the prevalent misconception that ”parameter efficiency represents overall efficiency”. TPME provides more comprehensive insights into practical efficiency comparisons between different methods. Besides, we give an accessible efficiency analysis of all PEFT and FFT approaches, which demonstrate the superiority of IISAN. We release our codes and other materials at https://github.com/GAIR-Lab/IISAN.

Recommender Systems, Parameter-efficient Fine-tuning, PEFT, Decoupled PEFT, Fine-tuning, Sequential Recommendation, TPME
\dagger Corresponding author.
journalyear: 2024copyright: rightsretainedconference: Proceedings of the 47th International ACM SIGIR Conference on Research and Development in Information Retrieval; July 14–18, 2024; Washington, DC, USAbooktitle: Proceedings of the 47th International ACM SIGIR Conference on Research and Development in Information Retrieval (SIGIR ’24), July 14–18, 2024, Washington, DC, USAdoi: 10.1145/3626772.3657725isbn: 979-8-4007-0431-4/24/07conference: ; July 14–18, 2024; Washington D.C., USAccs: Information systems Recommender systems

1. Introduction

Large foundation models such as GPT-4 (Achiam et al., 2023), DALL-E (Ramesh et al., 2022), LLaMA (Touvron et al., 2023), and CLIP (Radford et al., 2021), are at the forefront of AI innovation, captivating the entire AI community. These models have become pivotal in AI research areas such as Natural Language Processing, Computer Vision, and Multimodal Learning Tasks. In particular, their superior ability to generate universal representations is highly advantageous for sequential recommendation tasks that have recently shifted from traditional reliance on IDs (Identifiers) (He et al., 2017; Hidasi et al., 2015) to multimodal item content (Text, Images, etc.)

While this paradigm shift is undeniably successful, it introduces significant challenges. Large foundation models, characterized by their extensive parameterization, incur substantial costs when applying traditional full fine-tuning (FFT) methods (Devlin et al., 2018). This partly explains why much research focuses on text modality (Wu et al., 2020, 2021a; Hou et al., 2022a, b) – the training cost for visual modality is even higher. For instance, vision encoders like ViT have long sequence lengths (up to 197), compared to less than 50 in typical text scenarios. Longer sequence length can significantly increase the activations in GPU memory, which we will explain in Section 3.3. This high training cost is even more pronounced in multimodal scenarios, combining text and visual information, which significantly increases model size and data input. Nevertheless, despite such efficiency issues, the intuitive advantage of multimodal representation lies in its ability to comprehensively integrate information, thereby enhancing overall performance. Therefore, optimizing efficiency in multimodal recommendation is of paramount importance.

Refer to caption
Figure 1. Comparsions among Full Fine-tuning (FFT), Embedded PEFT and Decoupled PEFT for feature representation learning. The traditional Embedded PEFT (EPEFT), e.g., Adapter (Houlsby et al., 2019) and LoRA (Hu et al., 2021), embed the additional trainable parameters into the foundation models, reducing trainable parameters but still having heavy computation graph during backpropagation. The proposed IISAN belongs to Decoupled PEFT (DPEFT), which significantly reduces the size of the computation graph by decoupling the PEFT from backbones and maintains the latest trainable parameters by freezing backbones.

We identified two additional key challenges in the costly training of large foundation models: GPU memory and training time. The substantial expense of GPU memory, such as that required for advanced GPUs like A100 and H100 80G, poses a barrier for researchers and engineers interested in develo** large foundation models but lack access to these resources. Moreover, the issue of training time encompasses not only extended waiting periods but also the escalation of electricity expenses. Crucially, the energy consumed during lengthy training processes directly contributes to higher carbon emissions, a matter of significant global environmental concern (Chen et al., 2022b; Williams et al., 2021).

In response to the FFT’s efficiency problem, many researchers have turned to parameter-efficient fine-tuning (PEFT) methods, such as LoRA (Hu et al., 2021), Adapter (Houlsby et al., 2019) and Bitfit (Zaken et al., 2021), etc. Note that, adapter-based approaches have shown performance comparable to FFT in sequential RS, as discussed in (Fu et al., 2024). However, a critical question arises: Does the parameter efficiency represent the practical model efficiency, i.e. lower parameter normal-→\rightarrow lower GPU memory & faster training speed? PEFT was initially proposed to reduce trainable parameters (Houlsby et al., 2019), aiming to save storage by reducing the need for multiple copies of foundation models for various tasks (Houlsby et al., 2019; Fu et al., 2024). For instance, as shown in Figure 1, popular PEFT methods (Houlsby et al., 2019; Hu et al., 2021; Karimi Mahabadi et al., 2021; Pfeiffer et al., 2020) embed new trainable parameters into the foundation models, namely Embedded PEFT (EPEFT). However, the computation graph of these EPEFTs, such as Adapter and LoRA, shows no significant reduction (Sung et al., 2022; Cai et al., 2020). Consequently, the cost of backward propagation, i.e. GPU memory and training time, does not decrease appreciably, which continues to be a primary bottleneck during the training stage, as detailed in Section 3.

As mentioned before, we argue that two intuitive key issues exist in PEFT research:

  • Current embedded PEFT methods are inherently flawed, i.e., the heavy computation graph in backpropagation.

  • In the PEFT research methodologies, there is a misconception that parameter efficiency directly translates to overall efficiency, and the model efficiency evaluation (only focusing on the size of trainable parameters) is lopsided.

Current research in multimodal sequential recommendation is suffering from these critical issues (Fu et al., 2024; Geng et al., 2023; Cui et al., 2022). Motivated by this, we conduct our research. Specifically, we develop a a simple yet efficient Intra- and Inter-modal Side Adapted Network (IISAN) to adapt the multimodal foundation models more efficiently. Compared to traditional EPEFT (Adapter and LoRA, etc.), IISAN’s innovations encompass three aspects: (1) We adopt the advanced Decoupled PEFT (DPEFT) structure, described in Figure 1, to largely reduce the computation graph; (2) Drawing from our insights into the characteristics of the DPEFT, we further propose to improve efficiency by implementing a caching strategy, as detailed in Section 2.1; (3) Based on the traits of multimodality, we embrace the capabilities of both unimodality (intra-SAN) and multimodality interactions (inter-SAN) for better multimodal representation learning.

Additionally, we correct the misconception that ”parameter efficiency is equal to model practical efficiency” in two aspects. First, we undertake a thorough yet accessible analysis in Section 3. This analysis focuses on the practical efficiency of various prevalent approaches, including full fine-tuning (FFT), EPEFTs (such as LoRA (Hu et al., 2021) and Adapter (Houlsby et al., 2019), etc.), and DPEFT (IISAN). The evaluation encompasses three key facets: training speed, trainable parameters, and GPU memory usage. Second, to unify the point of evaluating the practical model efficiency, we introduce a metric named TPME (Training-time, Parameter, and GPU Memory Efficiency), which comprehensively considers the above three critical factors to address the second aforementioned issue in PEFT research.

Overall, the major contributions of our paper are threefold:

  • We introduce a novel Intra- and Inter-modal Side Adapted Network (IISAN) following the decoupled PEFT paradigm for end-to-end sequential recommendation tasks based on pre-trained multimodal foundation models. IISAN is allowed to employ caching strategy to further improve efficiency due to its DPEFT property.

  • We propose a new practical efficiency metric (TPME), harmonizing the costs of training time, trainable parameters, and GPU memory, which offers a holistic measure of model efficiency.

  • We provide a detailed and accessible analysis for understanding the high efficiency of the PEFT mechanism. It positions the IISAN as a theoretically superior architecture in terms of practical efficiency compared to prevalent PEFT.

Extensive experiments validate that IISAN achieves comparable performance over the FFT and the state-of-the-art PEFT methods on three widely-used multimodal recommendation datasets, while also delivering a notable enhancement in GPU memory and training time efficiency.

Refer to caption
Figure 2. An Overview of the IISAN for sequential recommendation. The framework takes the pre-trained text encoder BERT (Devlin et al., 2018) and image encoder ViT (Dosovitskiy et al., 2020) as an example, which contains 12 Transformer-blocks (TRMs) respectively. IISAN proposes intra- and inter-modal side adapted networks, where the intra-modal SANs mainly construct independent adaptive representation learning within two modalities and the inter-modal SAN focuses on the efficient multimodal interactions between layer hidden states in multimodal networks. SANs consist of multiple SAN blocks (SANBs) and learnable fusion gates. Each SANB receives the hidden states from the corresponding layers and makes an adaptive learning optimization for the final recommendation task by a unified objective function. Notablely, we leverage LayerDrop to further omit redundancy.
Refer to caption
Figure 3. Caching strategies comparison. The input for the DPEFT remains constant and, in theory, can be cached. On the other hand, the input for the EPEFT is subject to change as it is influenced by parameter updates in the last block.

2. Methodology

The overall framework of the proposed IISAN is shown in Figure 2. We depart from the mainstream multimodal representation learning models (Yuan et al., 2023; Fu et al., 2024; Wang et al., 2022; Ge et al., 2021; Wu et al., 2020, 2021a) to introduce a novel high-efficiency paradigm for personalized fine-tuning in sequential recommendation—referred to as decoupled parameter-efficient fine-tuning (decoupled PEFT, DPEFT). This innovative approach specifically addresses a critical aspect: the efficient adaptation of pre-trained large-scale multimodal models as item encoders. Initially, we propose to decouple the new trainable side adapted networks (SAN) and the frozen multimodal backbones. This decoupling is designed to optimize the extensive computation graph of backpropagation, effectively tackling challenges in training time and GPU memory encountered when transitioning large-scale models to downstream tasks. Leveraging the unique features of DPEFT, we introduce caching strategies for IISAN to significantly enhance its practical efficiency. Furthermore, capitalizing on the intrinsic nature of multimodal representations, the proposed IISAN architecture introduces two independent intra-modal SANs for visual and textual modality adaptation, along with an inter-modal SAN for handling interactions between the two modalities. The decoupled intra- and inter-modal SANs adeptly transfer pre-trained large-scale multimodal fundamental models, such as BERT (Devlin et al., 2018), DEBERTA (He et al., 2021, 2020), ViT (Dosovitskiy et al., 2020), and CLIP (Radford et al., 2021), to downstream multimodal recommendation tasks while maintaining multifaceted efficiency. Moreover, we pioneer a new efficiency metric—TPME—to evaluate the practical training efficiency of models, diverging from a reliance solely on trainable parameters.

2.1. Our method: IISAN

Given a recommendation dataset 𝒟={𝒰,𝒱}𝒟𝒰𝒱\mathcal{D}=\{\mathcal{U},\mathcal{V}\}caligraphic_D = { caligraphic_U , caligraphic_V } where 𝒰𝒰\mathcal{U}caligraphic_U, 𝒱𝒱\mathcal{V}caligraphic_V denote the set of users and the set of items, respectively. For a multimodal sequential recommendation task, we aim to predict the next item interacted with user u𝑢uitalic_u by exploiting his/her n𝑛nitalic_n past behaviors. In multimodal recommendation, each item v𝑣vitalic_v contains two modal representations, i.e. text (vtextsuperscript𝑣𝑡𝑒𝑥𝑡v^{text}italic_v start_POSTSUPERSCRIPT italic_t italic_e italic_x italic_t end_POSTSUPERSCRIPT) and corresponding image (vimagesuperscript𝑣𝑖𝑚𝑎𝑔𝑒v^{image}italic_v start_POSTSUPERSCRIPT italic_i italic_m italic_a italic_g italic_e end_POSTSUPERSCRIPT). We feed the texts and images of items into two pre-trained textual and visual fundamental models, such as BERT (Devlin et al., 2018) for texts and ViT (Dosovitskiy et al., 2020) for images, which consist of an embedding layer (word embedding for texts and patch embedding for images) and multiple transformer blocks respectively. Through the pre-trained multimodal backbones, we can obtain the textual and visual embeddings from the embedding layers and the multiple hidden states ({hitext}superscriptsubscript𝑖𝑡𝑒𝑥𝑡\{h_{i}^{text}\}{ italic_h start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_t italic_e italic_x italic_t end_POSTSUPERSCRIPT } and {hiimage}superscriptsubscript𝑖𝑖𝑚𝑎𝑔𝑒\{h_{i}^{image}\}{ italic_h start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i italic_m italic_a italic_g italic_e end_POSTSUPERSCRIPT }) from the transformer blocks ({TRMi}𝑇𝑅subscript𝑀𝑖\{TRM_{i}\}{ italic_T italic_R italic_M start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT }), where i𝑖iitalic_i denotes the i𝑖iitalic_i-th layer of the backbone.

In this paper, our model innovation lies in that we propose intra- and inter-modal side adapted network (IISAN) aims to maximize the utilization of knowledge derived from pre-trained models in understanding multimodal item sequence representation by a decoupled PEFT paradigm. Specifically, we decouple the trainable parameters into three separate towers, which are the textual-modality side adapted network for text representation training, the visual-modality side adapted network for image representation training and an inter-modal side adapted network for image-text interactive representation training. Similar to Adapter (Houlsby et al., 2019), each side adapted network (SAN) consists of multiple SAN blocks (SANBs), each of which contains Upsample layers and downsample layers based on fully-connected network.222SANB, a network unit of SAN, utilizes the network block similar to Adapter (Houlsby et al., 2019). However, unlike the Adapter’s embedded approach, SANB is implemented in a decoupled way. As shown in Figure 2, the structure of textual SAN, visual SAN and inter-SAN have structure symmetry, due to the consistency of the backbone models. Taking the textual SAN as an example, different from complex fusion ways (Ge et al., 2019), a learnable gate mechanism is employed to fusion the information {hi1Bintra}superscriptsubscript𝑖1superscript𝐵𝑖𝑛𝑡𝑟𝑎\{h_{i-1}^{B^{intra}}\}{ italic_h start_POSTSUBSCRIPT italic_i - 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_B start_POSTSUPERSCRIPT italic_i italic_n italic_t italic_r italic_a end_POSTSUPERSCRIPT end_POSTSUPERSCRIPT } from the last SANB and the current hidden state {hitext}superscriptsubscript𝑖𝑡𝑒𝑥𝑡\{h_{i}^{text}\}{ italic_h start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_t italic_e italic_x italic_t end_POSTSUPERSCRIPT }, as the formula:

(1) hiBintra=SANBintra(μitexthi1Bintra+(1μitext)hitext)superscriptsubscript𝑖superscript𝐵𝑖𝑛𝑡𝑟𝑎𝑆𝐴𝑁superscript𝐵𝑖𝑛𝑡𝑟𝑎superscriptsubscript𝜇𝑖𝑡𝑒𝑥𝑡superscriptsubscript𝑖1superscript𝐵𝑖𝑛𝑡𝑟𝑎1superscriptsubscript𝜇𝑖𝑡𝑒𝑥𝑡superscriptsubscript𝑖𝑡𝑒𝑥𝑡h_{i}^{B^{intra}}=SANB^{intra}\left(\mu_{i}^{text}\ast h_{i-1}^{B^{intra}}+(1-% \mu_{i}^{text})\ast h_{i}^{text}\right)italic_h start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_B start_POSTSUPERSCRIPT italic_i italic_n italic_t italic_r italic_a end_POSTSUPERSCRIPT end_POSTSUPERSCRIPT = italic_S italic_A italic_N italic_B start_POSTSUPERSCRIPT italic_i italic_n italic_t italic_r italic_a end_POSTSUPERSCRIPT ( italic_μ start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_t italic_e italic_x italic_t end_POSTSUPERSCRIPT ∗ italic_h start_POSTSUBSCRIPT italic_i - 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_B start_POSTSUPERSCRIPT italic_i italic_n italic_t italic_r italic_a end_POSTSUPERSCRIPT end_POSTSUPERSCRIPT + ( 1 - italic_μ start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_t italic_e italic_x italic_t end_POSTSUPERSCRIPT ) ∗ italic_h start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_t italic_e italic_x italic_t end_POSTSUPERSCRIPT )

where μitext[0,1]superscriptsubscript𝜇𝑖𝑡𝑒𝑥𝑡01\mu_{i}^{text}\in[0,1]italic_μ start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_t italic_e italic_x italic_t end_POSTSUPERSCRIPT ∈ [ 0 , 1 ]. Note that the first SANB only inputs the text embeddings and the visual SAN employs similar operations. For the inter-SAN, we employ a similar gating method. We design a fusing mechanism to fuse the hidden states of two modalities and sum the information from the last SANB, as the formula:

(2) hiBinter=SANBinter(βihiimage+(1βi)hitext+hi1Binter)superscriptsubscript𝑖superscript𝐵𝑖𝑛𝑡𝑒𝑟𝑆𝐴𝑁superscript𝐵𝑖𝑛𝑡𝑒𝑟subscript𝛽𝑖superscriptsubscript𝑖𝑖𝑚𝑎𝑔𝑒1subscript𝛽𝑖superscriptsubscript𝑖𝑡𝑒𝑥𝑡superscriptsubscript𝑖1superscript𝐵𝑖𝑛𝑡𝑒𝑟h_{i}^{B^{inter}}=SANB^{inter}\left(\beta_{i}\ast h_{i}^{image}+(1-\beta_{i})% \ast h_{i}^{text}+h_{i-1}^{B^{inter}}\right)italic_h start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_B start_POSTSUPERSCRIPT italic_i italic_n italic_t italic_e italic_r end_POSTSUPERSCRIPT end_POSTSUPERSCRIPT = italic_S italic_A italic_N italic_B start_POSTSUPERSCRIPT italic_i italic_n italic_t italic_e italic_r end_POSTSUPERSCRIPT ( italic_β start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∗ italic_h start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i italic_m italic_a italic_g italic_e end_POSTSUPERSCRIPT + ( 1 - italic_β start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) ∗ italic_h start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_t italic_e italic_x italic_t end_POSTSUPERSCRIPT + italic_h start_POSTSUBSCRIPT italic_i - 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_B start_POSTSUPERSCRIPT italic_i italic_n italic_t italic_e italic_r end_POSTSUPERSCRIPT end_POSTSUPERSCRIPT )

where βi[0,1]subscript𝛽𝑖01\beta_{i}\in[0,1]italic_β start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ∈ [ 0 , 1 ]. Note that the first inter-SANB only inputs the text embedding and the visual embeddings.

Additionally, to further enhance network efficiency and address issues of layer redundancy, we introduce a LayerDrop techniques, like (Sung et al., 2022; Fan et al., 2019), to save the number of SAN blocks. Specifically, we group two transformer blocks together and drop the first hidden state to the SANs, which can save half the amount of SANBs. Moreover, we also explore different LayerDrop schemes in Section 5.4, i.e. drop** different hidden layer states, to achieve the best balance between efficiency and effect, which reflects the significance of different encoder layers for the final modality representation.

Finally, we obtain an efficient new multimodal item representations from the intra- and inter-modal SANs, including the textual representations {etext}superscript𝑒𝑡𝑒𝑥𝑡\{e^{text}\}{ italic_e start_POSTSUPERSCRIPT italic_t italic_e italic_x italic_t end_POSTSUPERSCRIPT }, the visual representations {eimage}superscript𝑒𝑖𝑚𝑎𝑔𝑒\{e^{image}\}{ italic_e start_POSTSUPERSCRIPT italic_i italic_m italic_a italic_g italic_e end_POSTSUPERSCRIPT } and the textual-visual interacted representations {einter}superscript𝑒𝑖𝑛𝑡𝑒𝑟\{e^{inter}\}{ italic_e start_POSTSUPERSCRIPT italic_i italic_n italic_t italic_e italic_r end_POSTSUPERSCRIPT }. A linear-based fusion layer (FL)𝐹𝐿(FL)( italic_F italic_L ) is added to ensure the consistency of the output dimensions of the item embedding and input dimensions of the sequential encoder for the final recommendation, as follows:

(3) eitem=FL([eimage:einter:etext]){e^{item}}=FL([{e^{image}}:{e^{inter}}:{e^{text}}])italic_e start_POSTSUPERSCRIPT italic_i italic_t italic_e italic_m end_POSTSUPERSCRIPT = italic_F italic_L ( [ italic_e start_POSTSUPERSCRIPT italic_i italic_m italic_a italic_g italic_e end_POSTSUPERSCRIPT : italic_e start_POSTSUPERSCRIPT italic_i italic_n italic_t italic_e italic_r end_POSTSUPERSCRIPT : italic_e start_POSTSUPERSCRIPT italic_t italic_e italic_x italic_t end_POSTSUPERSCRIPT ] )

where [:]delimited-[]:[:][ : ] means the feature concatenation. Then, we input the 𝒆𝒊𝒕𝒆𝒎superscript𝒆𝒊𝒕𝒆𝒎\bm{e^{item}}bold_italic_e start_POSTSUPERSCRIPT bold_italic_i bold_italic_t bold_italic_e bold_italic_m end_POSTSUPERSCRIPT into the sequential encoders and calculate the final predicted score for user u𝑢uitalic_u to i𝑖iitalic_i-th item as 𝒚^𝒖𝒊subscriptbold-^𝒚𝒖𝒊\bm{\hat{y}_{ui}}overbold_^ start_ARG bold_italic_y end_ARG start_POSTSUBSCRIPT bold_italic_u bold_italic_i end_POSTSUBSCRIPT, which is the product of the output sequential encoder and corresponding item embedding.

In terms of training details, we exploit the in-batch debiased Cross-Entropy loss function CEsubscript𝐶𝐸\mathcal{L}_{CE}caligraphic_L start_POSTSUBSCRIPT italic_C italic_E end_POSTSUBSCRIPT (Yi et al., 2019; Yuan et al., 2023; Ji et al., 2023) widely adopted in both academic literature and industrial systems.

(4) Dui=exp(y^uilog(pi))+j[B],jIuexp(y^ujlog(pj))subscript𝐷𝑢𝑖subscript^𝑦𝑢𝑖subscript𝑝𝑖subscriptformulae-sequence𝑗delimited-[]𝐵𝑗subscript𝐼𝑢subscript^𝑦𝑢𝑗subscript𝑝𝑗D_{ui}=\exp(\hat{y}_{ui}-\log(p_{i}))+\sum_{j\in[B],j\notin I_{u}}\exp(\hat{y}% _{uj}-\log(p_{j}))italic_D start_POSTSUBSCRIPT italic_u italic_i end_POSTSUBSCRIPT = roman_exp ( over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_u italic_i end_POSTSUBSCRIPT - roman_log ( italic_p start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) ) + ∑ start_POSTSUBSCRIPT italic_j ∈ [ italic_B ] , italic_j ∉ italic_I start_POSTSUBSCRIPT italic_u end_POSTSUBSCRIPT end_POSTSUBSCRIPT roman_exp ( over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_u italic_j end_POSTSUBSCRIPT - roman_log ( italic_p start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT ) )
(5) CE=u𝒰i[2,,n+1]logexp(y^uilog(pi))Duisubscript𝐶𝐸subscript𝑢𝒰subscript𝑖2𝑛1subscript^𝑦𝑢𝑖subscript𝑝𝑖subscript𝐷𝑢𝑖\mathcal{L}_{CE}=-\sum_{u\in\mathcal{U}}\sum_{i\in[2,...,n+1]}\log\frac{\exp(% \hat{y}_{ui}-\log(p_{i}))}{D_{ui}}caligraphic_L start_POSTSUBSCRIPT italic_C italic_E end_POSTSUBSCRIPT = - ∑ start_POSTSUBSCRIPT italic_u ∈ caligraphic_U end_POSTSUBSCRIPT ∑ start_POSTSUBSCRIPT italic_i ∈ [ 2 , … , italic_n + 1 ] end_POSTSUBSCRIPT roman_log divide start_ARG roman_exp ( over^ start_ARG italic_y end_ARG start_POSTSUBSCRIPT italic_u italic_i end_POSTSUBSCRIPT - roman_log ( italic_p start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) ) end_ARG start_ARG italic_D start_POSTSUBSCRIPT italic_u italic_i end_POSTSUBSCRIPT end_ARG

where p𝑝pitalic_p is the popularity of the item, Iusubscript𝐼𝑢I_{u}italic_I start_POSTSUBSCRIPT italic_u end_POSTSUBSCRIPT and B𝐵Bitalic_B stand for the item set interacted by user u𝑢uitalic_u and the batch. n+1𝑛1n+1italic_n + 1 item denotes the predicted item for user u𝑢uitalic_u. Duisubscript𝐷𝑢𝑖D_{ui}italic_D start_POSTSUBSCRIPT italic_u italic_i end_POSTSUBSCRIPT is a temporary variable to simplify Formula (5).

Introducing an innovative approach to enhance efficiency, we suggest a caching technique as a refinement strategy (Karedla et al., 1994; Chen et al., 2020). As shown in Figure 3, due to the advantages of the decoupled PEFT mechanism, i.e., the separable pre-trained backbone model and the new trainable model, made this possible. This technique entails the storage and reuse of item hidden states extracted from pre-trained multimodal backbones, minimizing the necessity for repeated forward passes of foundational models during training. Notably, it is crucial to highlight that this approach may not be applicable to Embedded PEFT methods. Because the input for each PEFT module in Embedded PEFTs will be altered by the previous module, which leads the layer’s hidden states to change and is unsuitable for caching. This limitation of EPEFT highlights the Decoupled PEFT’s superior efficiency.

2.2. New Efficiency metric: TPME

In this paper, we propose a new composite metric333The composite metric, frequently used in social statistics, measures levels across multiple dimensions. The well-known Human Development Index (HDI) (Sagar and Najam, 1998), employed by the United Nations, incorporates dimensions of education, longevity, and income. Our TPME follows the HDI’s fundamental calculation principle, integrating various dimensions for a comprehensive evaluation. (termed TPME) to evaluate the practical efficiency of different PEFT methods, e.g. Adapter, LoRA, etc. It integrates the efficiencies of training time, trainable parameters, and GPU memory into a unified evaluation metric by adjustable practical factors. Specifically, assuming we evaluate the efficiency of i𝑖iitalic_i-th model among K𝐾Kitalic_K models, TPME is calculated based on their training time T={t1,,tK}𝑇subscript𝑡1subscript𝑡𝐾T=\{t_{1},...,t_{K}\}italic_T = { italic_t start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , … , italic_t start_POSTSUBSCRIPT italic_K end_POSTSUBSCRIPT }, trainable parameters P={p1,,pK}𝑃subscript𝑝1subscript𝑝𝐾P=\{p_{1},...,p_{K}\}italic_P = { italic_p start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , … , italic_p start_POSTSUBSCRIPT italic_K end_POSTSUBSCRIPT } and GPU memory M={m1,,mK}𝑀subscript𝑚1subscript𝑚𝐾M=\{m_{1},...,m_{K}\}italic_M = { italic_m start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , … , italic_m start_POSTSUBSCRIPT italic_K end_POSTSUBSCRIPT } as follows:

(6) tinorm=timinTmaxTminTsuperscriptsubscript𝑡𝑖normsubscript𝑡𝑖𝑇𝑇𝑇t_{i}^{\text{norm}}=\frac{t_{i}-\min T}{\max T-\min T}italic_t start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT norm end_POSTSUPERSCRIPT = divide start_ARG italic_t start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT - roman_min italic_T end_ARG start_ARG roman_max italic_T - roman_min italic_T end_ARG
(7) pinorm=piminPmaxPminPsuperscriptsubscript𝑝𝑖normsubscript𝑝𝑖𝑃𝑃𝑃p_{i}^{\text{norm}}=\frac{p_{i}-\min P}{\max P-\min P}italic_p start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT norm end_POSTSUPERSCRIPT = divide start_ARG italic_p start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT - roman_min italic_P end_ARG start_ARG roman_max italic_P - roman_min italic_P end_ARG
(8) minorm=miminMmaxMminMsuperscriptsubscript𝑚𝑖normsubscript𝑚𝑖𝑀𝑀𝑀m_{i}^{\text{norm}}=\frac{m_{i}-\min M}{\max M-\min M}italic_m start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT norm end_POSTSUPERSCRIPT = divide start_ARG italic_m start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT - roman_min italic_M end_ARG start_ARG roman_max italic_M - roman_min italic_M end_ARG
(9) TPMEi=α1tinorm+α2pinorm+α3minorm𝑇𝑃𝑀subscript𝐸𝑖subscript𝛼1superscriptsubscript𝑡𝑖normsubscript𝛼2superscriptsubscript𝑝𝑖normsubscript𝛼3superscriptsubscript𝑚𝑖normTPME_{i}=\alpha_{1}t_{i}^{\text{norm}}+\alpha_{2}p_{i}^{\text{norm}}+\alpha_{3% }m_{i}^{\text{norm}}italic_T italic_P italic_M italic_E start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT = italic_α start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT italic_t start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT norm end_POSTSUPERSCRIPT + italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT italic_p start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT norm end_POSTSUPERSCRIPT + italic_α start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT italic_m start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT norm end_POSTSUPERSCRIPT
(10) α1+α2+α3=1subscript𝛼1subscript𝛼2subscript𝛼31\alpha_{1}+\alpha_{2}+\alpha_{3}=1italic_α start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT + italic_α start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT = 1

where α𝛼\alphaitalic_α denotes the weighting assigned to each term, tailored to specific circumstances. For example, in scenarios where only a limited GPU capacity is available for model training, it’s advisable to significantly augment the weight of M𝑀Mitalic_M. Within the scope of this paper, we’ve adjusted the values of α1subscript𝛼1\alpha_{1}italic_α start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and α3subscript𝛼3\alpha_{3}italic_α start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT to 0.45, and α2subscript𝛼2\alpha_{2}italic_α start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT to 0.1. This adjustment reflects our focus on two key practical aspects: training speed and memory efficiency. It is crucial to understand that the Training-time, Parameter, and GPU Memory Efficiency (TPME) framework is specifically intended for the comparative analysis of a minimum of two methodologies. For example, this could involve a comparison between methodologies such as FFT and IISAN. For each individual factor, it’s crucial to ensure consistency in value derivation by conducting evaluations within the same experimental environment and setup, thus preserving the integrity and relevance of the results. An example of calculation is provided in Section 5.1.

Table 1. Efficiency Comparison of FFT and PEFT. In the Training-time metric, the FP/fp𝐹𝑃𝑓𝑝FP/fpitalic_F italic_P / italic_f italic_p, BP/bp𝐵𝑃𝑏𝑝BP/bpitalic_B italic_P / italic_b italic_p, and WU/wu𝑊𝑈𝑤𝑢WU/wuitalic_W italic_U / italic_w italic_u represent the training time of the forward pass, backward propagation, and weight update respectively. Within the Parameter metric, TP/tp𝑇𝑃𝑡𝑝TP/tpitalic_T italic_P / italic_t italic_p symbolizes the model of trainable parameters. Concerning the GPU memory metric, MP/mp𝑀𝑃𝑚𝑝MP/mpitalic_M italic_P / italic_m italic_p and A/a𝐴𝑎A/aitalic_A / italic_a denote the model parameters and activations, respectively. Notably, in every instance, the lower case variables (e.g., fp𝑓𝑝fpitalic_f italic_p, bp𝑏𝑝bpitalic_b italic_p, wu𝑤𝑢wuitalic_w italic_u) are significantly less than (much-less-than\ll) their upper case counterparts (e.g., FP𝐹𝑃FPitalic_F italic_P, BP𝐵𝑃BPitalic_B italic_P, WU𝑊𝑈WUitalic_W italic_U). We utilize ”>>>” and ”===” to denote relationships of greater and equal magnitude, respectively.
Metric FFT Adapter LoRA IISAN (Uncached) IISAN (Cached)
Training-time O(FP+BP+WU)𝑂𝐹𝑃𝐵𝑃𝑊𝑈O(FP+BP+WU)italic_O ( italic_F italic_P + italic_B italic_P + italic_W italic_U ) >>> O(FP+BP+wu)𝑂𝐹𝑃𝐵𝑃𝑤𝑢O(FP+BP+wu)italic_O ( italic_F italic_P + italic_B italic_P + italic_w italic_u ) === O(FP+BP+wu)𝑂𝐹𝑃𝐵𝑃𝑤𝑢O(FP+BP+wu)italic_O ( italic_F italic_P + italic_B italic_P + italic_w italic_u ) >>> O(FP+bp+wu)𝑂𝐹𝑃𝑏𝑝𝑤𝑢O(FP+bp+wu)italic_O ( italic_F italic_P + italic_b italic_p + italic_w italic_u ) >>> O(fp+bp+wu)𝑂𝑓𝑝𝑏𝑝𝑤𝑢O(fp+bp+wu)italic_O ( italic_f italic_p + italic_b italic_p + italic_w italic_u )
Parameter O(TP)𝑂𝑇𝑃O(TP)italic_O ( italic_T italic_P ) >>> O(tp)𝑂𝑡𝑝O(tp)italic_O ( italic_t italic_p ) === O(tp)𝑂𝑡𝑝O(tp)italic_O ( italic_t italic_p ) === O(tp)𝑂𝑡𝑝O(tp)italic_O ( italic_t italic_p ) === O(tp)𝑂𝑡𝑝O(tp)italic_O ( italic_t italic_p )
GPU Memory O(MW+A)𝑂𝑀𝑊𝐴O(MW+A)italic_O ( italic_M italic_W + italic_A ) === O(MW+A)𝑂𝑀𝑊𝐴O(MW+A)italic_O ( italic_M italic_W + italic_A ) === O(MW+A)𝑂𝑀𝑊𝐴O(MW+A)italic_O ( italic_M italic_W + italic_A ) >>> O(MW+a)𝑂𝑀𝑊𝑎O(MW+a)italic_O ( italic_M italic_W + italic_a ) >>> O(mw+a)𝑂𝑚𝑤𝑎O(mw+a)italic_O ( italic_m italic_w + italic_a )

3. Analysis of Efficiency

This section analyzes the detailed composite efficiency of training downstream tasks, such as recommender systems and cross-modal retrieval, etc., with PEFTs based on pre-trained large-scale multimodal foundation models to compensate for filling in the absences in the existing literature444Note that we only study from the model perspectives, other engineering approaches such as Quantization applied in QLoRA (Dettmers et al., 2023) is not in our scope.. While quantifying exact values in Transformer-based architectures is complex, we provide approximate values with an upper bound O𝑂Oitalic_O, facilitating comparative analysis with various approaches in Table 1. In this comparison, we keep different dimensional variables inside O𝑂Oitalic_O and diminish the smaller variables within the same dimension and constant coefficients using ”\approx”, following the algorithm’s fundamental principles (Skiena, 1998).

3.1. Training-time Efficiency

Inspired by (Larochelle et al., 2009; Safayenikoo and Akturk, 2021), we analyze the time spent on three key components, i.e. forward passes (FP𝐹𝑃FPitalic_F italic_P), backward passes (BP𝐵𝑃BPitalic_B italic_P) and weight updates (WU𝑊𝑈WUitalic_W italic_U), of one training iteration. First, we define the aforementioned three components for the large-scale foundation model as O(FP)𝑂𝐹𝑃O(FP)italic_O ( italic_F italic_P ), O(BP)𝑂𝐵𝑃O(BP)italic_O ( italic_B italic_P ) and O(WU)𝑂𝑊𝑈O(WU)italic_O ( italic_W italic_U ), and for the smaller PEFT network as O(fp)𝑂𝑓𝑝O(fp)italic_O ( italic_f italic_p ), O(bp)𝑂𝑏𝑝O(bp)italic_O ( italic_b italic_p ), and O(wu)𝑂𝑤𝑢O(wu)italic_O ( italic_w italic_u ), where FP𝐹𝑃FPitalic_F italic_Pmuch-greater-than\ggfp𝑓𝑝fpitalic_f italic_p, BP𝐵𝑃BPitalic_B italic_Pmuch-greater-than\ggbp𝑏𝑝bpitalic_b italic_p and WU𝑊𝑈WUitalic_W italic_Umuch-greater-than\ggwu𝑤𝑢wuitalic_w italic_u. Consequently, the total training time of one iteration in full fine-tuning (FFT) is around O(FP+BP+WU)𝑂𝐹𝑃𝐵𝑃𝑊𝑈O(FP+BP+WU)italic_O ( italic_F italic_P + italic_B italic_P + italic_W italic_U ). For LoRA (Hu et al., 2021) and Adapter (Houlsby et al., 2019), their forward and backward pass involves both foundation models and PEFT components. In addition, since the foundation model is frozen, the weight update time includes only the PEFT model O(wu)𝑂𝑤𝑢O(wu)italic_O ( italic_w italic_u ). So the total training time for LoRA/Adapter is:

(11) O(FP+fp+BP+bp+wu)O(FP+BP+wu)𝑂𝐹𝑃𝑓𝑝𝐵𝑃𝑏𝑝𝑤𝑢𝑂𝐹𝑃𝐵𝑃𝑤𝑢O(FP+fp+BP+bp+wu)\approx O(FP+BP+wu)italic_O ( italic_F italic_P + italic_f italic_p + italic_B italic_P + italic_b italic_p + italic_w italic_u ) ≈ italic_O ( italic_F italic_P + italic_B italic_P + italic_w italic_u )

However, for IISAN, due to its decoupled structure, we can omit the backward propagation through the large foundation models. So the total training time is:

(12) O(FP+fp+bp+wu)O(FP+bp+wu)𝑂𝐹𝑃𝑓𝑝𝑏𝑝𝑤𝑢𝑂𝐹𝑃𝑏𝑝𝑤𝑢O(FP+fp+bp+wu)\approx O(FP+bp+wu)italic_O ( italic_F italic_P + italic_f italic_p + italic_b italic_p + italic_w italic_u ) ≈ italic_O ( italic_F italic_P + italic_b italic_p + italic_w italic_u )

Moreover, as discussed in Section 2.1, IISAN (Cached) approach can further save the forward pass time of the foundation models, i.e., training time is O(fp+bp+wu)𝑂𝑓𝑝𝑏𝑝𝑤𝑢O(fp+bp+wu)italic_O ( italic_f italic_p + italic_b italic_p + italic_w italic_u ).

3.2. Parameter Efficiency

The parameter efficiency is considered as a determinant of model efficiency in many research papers (Fu et al., 2024; Houlsby et al., 2019). The more trainable parameters a method has, the fewer parameter efficient it becomes. Therefore, we analyze the entire backbone models with O(TP)𝑂𝑇𝑃O(TP)italic_O ( italic_T italic_P ) parameter sizes when FFT, while the PEFT components (including Adapter, LoRA, and IISAN, etc.) only contain the negligible O(tp)𝑂𝑡𝑝O(tp)italic_O ( italic_t italic_p ) trainable parameters, where tpTPmuch-less-than𝑡𝑝𝑇𝑃tp\ll TPitalic_t italic_p ≪ italic_T italic_P. As mentioned in (Fu et al., 2024; Houlsby et al., 2019), the main reason for the parameter efficiency being a concern is due to storage inefficiencies during downstream task model migration, especially on mobile. However, with the popularity of cloud-based storage, we believe that this should not be the only focus for recommendation model training, the training time and GPU memory efficiencies are more important in practice.

3.3. GPU Memory Efficiency

Different from existing methods, a detailed analysis of GPU Memory efficiency –on-GPU memory composite– is given to explain why traditional PEFTs cannot reduce much GPU memory, while IISAN can.

The consumption of GPU memory is primarily distributed across five aspects555The Anatomy of Model’s Memory Section from https://huggingface.co/docs/transformers/v4.18.0/en/performance, i.e. (i) model weights, (ii) gradients, (iii) optimizer states, (iv) forward activations saved for gradient computation, and (vi) Others (temporary buffers, functionality-specific memory, etc.). The main sources of GPU memory usage are the first four components. The fifth component is usually a relatively small one that is omitted here.

In particular, we first equate the model’s gradients with its trainable weights666Gradients normally equal to 4 bytes * number of trainable model weights, we denote them as equal value for simplicity, denoting them as O(MW)𝑂𝑀𝑊O(MW)italic_O ( italic_M italic_W ) for the backbone model and O(mw)𝑂𝑚𝑤O(mw)italic_O ( italic_m italic_w ) for the PEFT modules, where MW𝑀𝑊MWitalic_M italic_Wmuch-greater-than\ggmw𝑚𝑤mwitalic_m italic_w. Secondly, the optimizer states take the standard Adam optimizer (Kingma and Ba, 2014) as an example. It doubles the parameter count for calculating first and second momentum orders, so the optimizer states are O(2MW)𝑂2𝑀𝑊O(2MW)italic_O ( 2 italic_M italic_W ) for backbone models and O(2mw)𝑂2𝑚𝑤O(2mw)italic_O ( 2 italic_m italic_w ) for PEFT modules. Additionally, we denote the activations for the backbone models and the PEFT modules by O(A)𝑂𝐴O(A)italic_O ( italic_A ) and O(a)𝑂𝑎O(a)italic_O ( italic_a ) respectively, where Aamuch-greater-than𝐴𝑎A\gg aitalic_A ≫ italic_a. As stated in (Gomez et al., 2017; Gao et al., 2021; Cai et al., 2020), the activations mainly depend on the computation graph’s size777Activations are also influenced by sequence length, hidden size and batch size, etc. This is because backpropagation requires storing the activations of the network in GPU memory, the memory cost that is proportional to the number of units in the network. Finally, we can represent the total GPU memory of FFT by:

(13) O(MW+MW+2MW+A)=O(4MW+A)O(MW+A)𝑂𝑀𝑊𝑀𝑊2𝑀𝑊𝐴𝑂4𝑀𝑊𝐴𝑂𝑀𝑊𝐴O(MW+MW+2MW+A)=O(4MW+A)\approx O(MW+A)italic_O ( italic_M italic_W + italic_M italic_W + 2 italic_M italic_W + italic_A ) = italic_O ( 4 italic_M italic_W + italic_A ) ≈ italic_O ( italic_M italic_W + italic_A )

For the LoRA/Adapter-based approach, they reduce the trainable parameters from O(MW)𝑂𝑀𝑊O(MW)italic_O ( italic_M italic_W ) to O(mw)𝑂𝑚𝑤O(mw)italic_O ( italic_m italic_w ), but the computation graph as shown in Figure 1, has not been reduced. Therefore, the total GPU memory for LoRA/Adapter is:

(14) O(MW+mw+2mw+A+a)=O(MW+3mw+A+a)O(MW+A)𝑂𝑀𝑊𝑚𝑤2𝑚𝑤𝐴𝑎𝑂𝑀𝑊3𝑚𝑤𝐴𝑎𝑂𝑀𝑊𝐴O(MW+mw+2mw+A+a)=O(MW+3mw+A+a)\approx O(MW+A)italic_O ( italic_M italic_W + italic_m italic_w + 2 italic_m italic_w + italic_A + italic_a ) = italic_O ( italic_M italic_W + 3 italic_m italic_w + italic_A + italic_a ) ≈ italic_O ( italic_M italic_W + italic_A )

Note that while the LoRA and adapter share the same theoretical complexity as the FFT, they can still save up to three times the GPU memory when the model parameters are the bottleneck888Typically, GPU memory usage is influenced by either model size or activations. In the context of Multimodality-based sequential recommendation scenarios, where sequences tend to be lengthy (item token length *** sequence length *** batch size *** types of modalities), activations often become the bottleneck. Consequently, IISAN demonstrates significant efficiency in the multimodal recommendation, particularly in scenarios characterized by extensive activations., as highlighted in (Hu et al., 2021). On the other hand, IISAN can further save the computation graph of the backbone model. Consequently, the total GPU memory required for IISAN would be:

(15) O(MW+mw+2mw+a)=O(MW+3mw+a)O(MW+a)𝑂𝑀𝑊𝑚𝑤2𝑚𝑤𝑎𝑂𝑀𝑊3𝑚𝑤𝑎𝑂𝑀𝑊𝑎O(MW+mw+2mw+a)=O(MW+3mw+a)\approx O(MW+a)italic_O ( italic_M italic_W + italic_m italic_w + 2 italic_m italic_w + italic_a ) = italic_O ( italic_M italic_W + 3 italic_m italic_w + italic_a ) ≈ italic_O ( italic_M italic_W + italic_a )

Furthermore, applying the caching strategies, the IISAN (cached) alleviates memory constraints for storing foundation model weights. Consequently, the GPU memory allocation for IISAN (Cached) is as follows:

(16) O(mw+mw+2mw+a)=O(4mw+a)O(mw+a)𝑂𝑚𝑤𝑚𝑤2𝑚𝑤𝑎𝑂4𝑚𝑤𝑎𝑂𝑚𝑤𝑎O(mw+mw+2mw+a)=O(4mw+a)\approx O(mw+a)italic_O ( italic_m italic_w + italic_m italic_w + 2 italic_m italic_w + italic_a ) = italic_O ( 4 italic_m italic_w + italic_a ) ≈ italic_O ( italic_m italic_w + italic_a )
Table 2. Dataset Description
Dataset Users Items Interaction Content
Scientific 12,076 20,314 81,711 Text&Image
Office 10,000 22,785 71,276 Text&Image
Instrument 10,000 19,246 75,022 Text&Image
Table 3. Comparisons of efficiency-performance balance. Two key categories of evaluation metrics are used, i.e. “Performance” and “Efficiency”. All results of HR@10 and NDCG@10 are denoted in the percentage (%). The ’Training’, ’Parameter’ and ’GPU Memory’ denote training time (seconds for each epoch), trainable parameters and max GPU memory usage, respectively. “Relative Improvement” means the result differential between IISAN and FFT. Larger values (\uparrow) of the Performance metric indicate better performance, while smaller values (\downarrow) of the Efficiency metric reflect better efficiency. “*” denotes that the improvements of IISAN compared with FFT are significant at the level of 0.05 with paired T-test. To clearly represent the difference between uncached IISAN and cached IISAN (in blue), we divided them into two separate columns. The best results are in bold.
Dataset Category Metric FFT Adapter(Houlsby et al., 2019) LoRA(Hu et al., 2021) BitFit(Zaken et al., 2021) IISAN (ours) Relative Improvement
Uncached Cached Uncached Cached
Scientific Performance(\uparrow) HR@10 6.62 6.61 6.62 6.37 6.83*{}^{*}start_FLOATSUPERSCRIPT * end_FLOATSUPERSCRIPT +3.07%
NDCG@10 4.06 3.91 4.09 3.76 4.14*{}^{*}start_FLOATSUPERSCRIPT * end_FLOATSUPERSCRIPT +1.93%
\cdashline2-11 Efficiency(\downarrow) Training-time 443s 354s 378s 403s 179s 22s -59.59% -95.03%
Parameter 195M 5M 0.8M 0.4M 4M 4M -97.89% -97.89%
GPU Memory 46.76G 37.82G 39.07G 36.97G 8.32G 3.11G -82.19% -93.35%
\cdashline3-11 TPME 100% 71.50% 75.14% 70.82% 22.34% 0.19% -78.10% -99.80%
Office Performance(\uparrow) HR@10 8.76 8.82 8.43 8.65 9.06*{}^{*}start_FLOATSUPERSCRIPT * end_FLOATSUPERSCRIPT +3.31%
NDCG@10 6.76 6.83 6.64 6.71 7.01*{}^{*}start_FLOATSUPERSCRIPT * end_FLOATSUPERSCRIPT +3.57%
\cdashline2-11 Efficiency(\downarrow) Training-time 369s 295s 308s 287s 142s 18s -61.52% -95.12%
Parameter 195M 5M 0.8M 0.4M 4M 4M -97.89% -97.89%
GPU Memory 46.76G 37.82G 39.07G 36.97G 8.32G 3.11G -82.19% -93.35%
\cdashline3-11 TPME 100% 71.55% 74.28% 69.40% 21.46% 0.19% -78.54% -99.81%
Instrument Performance(\uparrow) HR@10 6.30 6.65 6.55 6.78 6.80*{}^{*}start_FLOATSUPERSCRIPT * end_FLOATSUPERSCRIPT +7.35%
NDCG@10 4.58 4.85 4.78 4.87 4.92*{}^{*}start_FLOATSUPERSCRIPT * end_FLOATSUPERSCRIPT +6.91%
\cdashline2-11 Efficiency(\downarrow) Training-time 355s 296s 308s 288s 140s 19s -60.56% -94.65%
Parameter 195M 5M 0.8M 0.4M 4M 4M -97.89% -97.89%
GPU Memory 46.76G 37.82G 39.07G 36.97G 8.32G 3.11G -82.19% -93.35%
\cdashline3-11 TPME 100% 73.12% 75.80% 70.93% 21.77% 0.19% -78.23% -99.81%

4. Experiment Setup

Datasets. In this paper, each item for a user sequence is represented by its raw image and text modality. We perform the preprocessing following (Yuan et al., 2023; Fu et al., 2024; Li et al., 2023a). To evaluate our methods on items with both raw image and text modality, we adopt the Amazon review datasets (Ni et al., 2019). We adopt three widely used datasets from it, “Industrial and Scientific”, “Musical Instruments”, and “Office Products”.999We only keep the items with both images and text information. Due to the massive amount of data for ”Office” and ”Instrument”, we randomly sampled 10,000 users from the remaining datasets to align with ”Scientific” following (Fu et al., 2024). Due to the constraint of GPU memory, we follow (Fu et al., 2024; Yuan et al., 2023) and set the sequence length to 10. After the preprocessing, the details of the datasets are shown in Table 2.

Performance Evaluations. Drawing on prior studies (He et al., 2017; Yuan et al., 2023), our approach involves dividing the datasets using a leave-one-out method. This involves using the final item in the interaction sequence for testing, the item before the last is used for validation, and the remaining items for training purposes. For assessment, we use HR@10 (Hit Ratio) and NDCG@10 (Normalized Discounted Cumulative Gain) (Hou et al., 2022a; Yuan et al., 2023) as the primary metrics. Unless otherwise specified, all reported results pertain to the test set. Additionally, it’s important to note that the predicted item is compared against the entire set of items (Krichene and Rendle, 2020).

Implementation Details. The ”bert-base-uncased”, ”vit-base-patch16-224”, ”clip-vit-base-patch16”, and ”deberta-v3-base” from the Huggingface platform (Jain, 2022) are used as the text and image encoders in this research, respectively. The dimension of hidden representations of the sequential encoder is searched in {32,64,128} and set to 64. The number of the sequential encoders’ Transformer blocks and attention heads is fixed to 2. We apply Adam as the optimizer without weight decay throughout the experiments and extensively search the learning rate from 1e-5 to 1e-3 while kee** the dropout probability at 0.1. We search the batch size in {8, 16, 32, 64, 128} and obtain the largest optimal batch size to maximize GPU memory. The hidden dimension of the adapter networks and LoRA rank are carefully searched in {8, 16, 32, 64, 128}, respectively. All hyper-parameters are determined according to the performance in the validation data. All results are reported in the test set. We perform all the experiments on an A6000 GPU.

5. Experiment

  • RQ1: How does the performance of the proposed IISAN compare to FFT and existing PEFT methods? Can IISAN achieve significant efficiency without sacrificing performance?

  • RQ2: How robust is IISAN on different multimodal backbones?

  • RQ3: How does components of the proposed IISAN affect the recommendation performance and efficiency, including the LayerDrop, modality selection, gated fusion, and SANB implementation?

  • RQ4: This proposed IISAN explores multimodal scenarios; does it have any advantages over unimodal methods (Text-only and Image-only)?

5.1. Efficiency-Performance Balance (RQ1)

We perform extensive experiments on three multimodal sequential recommendation datasets and compare IISAN with full fine-tuning (FFT) based on (Fu et al., 2024) in terms of model efficiency and performance. Furthermore, we also include the state-of-the-art PEFT approaches, such as Adapter (Houlsby et al., 2019), LoRA (Hu et al., 2021), and BitFit (Zaken et al., 2021). The Adapter (Houlsby et al., 2019) adopts the classic Houlsby architecture which has been proven to be the most effective PEFT approach for unimodality-based recommendation in (Fu et al., 2024). The LoRA (Hu et al., 2021) is widely used due to its smaller trainable parameters. BitFit, a common baseline for PEFT-based recommendation research (Hu et al., 2021; Sung et al., 2022; Karimi Mahabadi et al., 2021), updates only the bias layers within the entire network to achieve the minimum trainable parameters. Notable, the current mainstream PEFT method in the recommendation is embedded PEFT (EPEFT) (Houlsby et al., 2019; Hu et al., 2021; Zaken et al., 2021), and the proposed IISAN belongs to the decoupled PEFT (DPEFT).

Refer to caption
Figure 4. Peformance comparisons between FFT and IISAN with different multimodal backbones on Scientific dataset.

Table 3 indicates that the proposed IISAN not only surpasses the performance of the FFT model on all datasets but only uses 22% of the relative costs in terms of TPME. Furthermore, IISAN consistently outperforms all PEFT methods in both performance and practical efficiency under the same batch size (32). In particular, compared to the FFT model, using IISAN significantly improves the recommendation performances, e.g. by 3.07%, 3.31%, and 7.35% of HR@10 and by 1.93%, 3.57%, and 6.91% of NDCG@10 on Scientific, Office, and Instrument datasets, respectively. For model practical efficiency comparisons, IISAN achieves the best efficiency, whether compared with FFT or any EPEFT models. Without the caching strategy, IISAN can reduce the Training time and GPU memory by around 60% and 82%. Equipped with the caching strategy, the numbers even rise to 94% and 93%. While the EPEFT methods significantly reduce the number of trainable parameters, they do not substantially decrease the crucial aspects of model training, i.e. training time and GPU memory costs. According to the new balanced efficiency metric (TPME), IISAN only uses about 22% TPME cost of FFT, but the Adapter, LoRA and BitFit require around 71%, 75% and 70% respectively. Furthermore, IISAN with a caching strategy further reduces training costs and only needs 0.2% TPME.

(Answer to RQ1) IISAN can achieve the most competitive performance with the highest efficiency and the TPME effectively uncovers the practical efficiency levels of each model. These experiments suggest that IISAN is a promising and efficient choice for representation learning tasks that involve multimodal item representation for recommendation.

5.2. Robustness Evaluation (RQ2)

To better understand the robustness of the proposed IISAN method, we evaluate it with four different combinations of state-of-the-art multimodal encoders based on (Fu et al., 2024), which includes BERT+ViT, BERT+CLIPViT, DEBERTA+ViT, and DEBERTA+CLIPViT in Figure 4. We observe that on the Scientific dataset, although the contribution of different backbones to multimodal recommendation is inconsistent, the proposed IISAN can always remain ahead of the FFT model. For example, when changing the text encoder and image encoder to DEBERTA and CLIPViT respectively, IISAN still exceeds the FFT model by 0.12 in H@10 and 0.10 in NDCG@10.

(Answer to RQ2) These results validate that IISAN maintains excellent robustness on different fundamental models. This has reference implications for the model migration of IISAN.

Table 4. Ablation study for IISAN on Scientific Dataset. IISAN mainly contains four key components: LayerDrop, Modality Gate, Intra- and Inter-modal towers. ”-” represents TPME is not applicable for the frozen Backbone.
Method HR@10 NDCG@10 TPME
-w/o LayerDrop 6.73 4.04 22.81%
\cdashline2-4 -w/o Modality Gate 6.58 3.89 22.02%
\cdashline2-4 Frozen Backbone 6.00 3.53 -
-w/o Inter-modality 6.38 3.89 21.31%
-w/o Intra-modality 6.41 3.83 20.67%
\cdashline2-4 IISAN 6.83 4.14 22.34%
Table 5. LayerDrop in IISAN on Scientific Dataset. The number of blocks in the Method column represents that keep this number of blocks and drop the others.
Method Number of blocks HR@10 NDCG@10 TPME
IISAN 2 blocks 6.46 3.88 22.05%
3 blocks 6.79 4.12 22.06%
4 blocks 6.57 3.98 22.10%
6 blocks 6.83 4.14 22.34%
12 blocks 6.73 4.04 22.81%

5.3. Ablation Study (RQ3)

To comprehensively answer the RQ3, we perform extensive ablation studies. We demonstrate how each component affects the overall performance and efficiency of IISAN. Note that the decoupled structure and caching strategy are the main contributors to the efficiency gains as described in Section 3. Table 4 presents component ablation studies focusing on the various modules within IISAN, including (1) Modality selection, (2) LayerDrop strategies, (3) Gated fusion, and (4) Implementation of SANB.

(1) Modality selection. Table 4 highlights that although employing separate intra-modal SAN (Line 4) or inter-modal SAN (Line 5) can slightly improve efficiency, it will clearly reduce the recommendation effects. However, compared the pre-trained backbones (Line 3) with frozen layers (only training the sequential encoder), both intra-modal SAN and inter-modal SAN can significantly improve the performances and perform best when used simultaneously. It reflects that intra- or inter-modal SAN can improve feature adaptation within each modality and inter-modal feature interaction adaptation.

(2) LayerDrop strategies. IISAN’s layers exhibit a degree of redundancy, allowing the utilization of LayerDrop to enhance performance effectively. First, when we remove the LayerDrop, both HR@10 and NDCG@10 decrease absolutely by 0.1% and the cost slightly rises by 0.5% on TPME, which demonstrates the effectiveness of LayerDrop. Second, we study the effect of different LayerDrop strategies as described in Table 5. We adopt the even number (2,4,6,12)24612(2,4,6,...12)( 2 , 4 , 6 , … 12 ) transformer-blocks (6 blocks), which skip the odd number layers. It achieves the best performance-efficiency balance.

(3) Gated fusion. To deepen our understanding of the differences in information usage between textual and visual modalities in our research, we analyzed the gate weights at the optimal checkpoint. These gate values, ranging from 0 to 1, imply that values above 0.5 denote a stronger focus on a specific modality as discussed in Section 2.1. The data indicate that in the realm of multimodal recommendations, the weights assigned to visual modality gates consistently ranged from 0.2 to 0.4. This trend suggests a predominant reliance on textual modality within our multimodal approach.

(4) Implementation of SANB. Table 6 demonstrates the notable superiority of the classic adapter block in terms of performance compared with other more recent PHM (Parameterized Hypercomplex Multiplication) block (Karimi Mahabadi et al., 2021) and Low-Rank adapter blocks (Yin et al., 2023). Their performance, as indicated by HR@10, is significantly lower than 6.62 (FFT), suggesting that their adaptation is unsuccessful. This phenomenon is corroborated by findings in (Fu et al., 2024) where PHM shows a performance drop compared to traditional adapters. Notably, both PHM and LowRank models, despite having merely half the trainable parameters of an adapter block, exhibit comparable training time and GPU memory, resulting in similar TPME.

(Answer to RQ3) In this section, we conclude with four key findings of the IISAN’s components: (1) Optimal performance is achieved through the placement of both intra- and inter-modal Self-Attention Networks (SANs). (2) The best efficiency and performance balance is achieved by drop** half of the SANBs in the Intra- and inter-modal SANs. (3) Text-image interaction is effective, but text modality plays a more crucial role in recommendation, where inter-modal SAN can effectively maintain the dominance of text modality and integrate image information.

Table 6. Implementation of SANB (Side Adapted Network Block) on Scientific Dataset. We get the TPME of uncached approach.
Model Implementation HR@10 NDCG@10 TPME
SANB Adapter Block(Houlsby et al., 2019) 6.73 4.04 22.81%
PHM(Karimi Mahabadi et al., 2021) 5.95 3.59 22.34%
LowRank(Yin et al., 2023) 4.79 2.83 22.47%

5.4. Multimodality vs. Unimodality (RQ4)

The concept of PEFT in modality-based recommendation research is relatively nascent, with limited literature directly comparing multimodal and unimodal scenarios. Driven by this curiosity, we conduct experiments on the performance of FFT and various PEFTs across different modality scenarios.

Table 7. Multimodality vs. Unimodality.
Modality Method HR@10 NDCG@10
Image FFT 5.81 3.47
Adapter(Houlsby et al., 2019) 5.47 3.18
LoRA(Hu et al., 2021) 5.49 3.34
BitFit(Zaken et al., 2021) 4.97 3.03
Text FFT 5.80 3.44
Adapter(Houlsby et al., 2019) 6.55 3.88
LoRA(Hu et al., 2021) 6.14 3.61
BitFit(Zaken et al., 2021) 5.92 3.56
Multimodality FFT 6.62 4.06
Adapter(Houlsby et al., 2019) 6.61 3.91
LoRA(Hu et al., 2021) 6.62 4.09
BitFit(Zaken et al., 2021) 6.37 3.76
IISAN (ours) 6.83 4.14

Table 7 presents comparisons between unimodal and multimodal scenarios. First, the PEFT models (such as Adapter, LoRA, and BitFit) exhibit performance comparable to FFT in text-based and multimodal scenarios, but poor image-based performance. Additionally, the text-based adapter significantly outperforms FFT, indicating its high suitability for text-based recommendation. This may be caused by the inherent bias in the modal transfer from the foundation models in multimodal recommendation tasks where images are more difficult. This observation is corroborated by our analysis of information usage in the gated fusion (in Section 5.3), where text modality is dominant in the inter-modal interaction. Second, each adaptation approach based on multimodal representations demonstrates superior performance, underscoring the importance of integrating multiple modalities. In particular, IISAN achieves the best results due to the novel intra- and inter-modal adapted networks.

(Answer to RQ4) The findings suggest that multimodality is more advantageous than relying solely on unimodality.

6. Related Work

Modality-based Sequential Recommendation (MoRec). The recommendation with various modality information has increasingly fascinated the Recommender System community (Wu et al., 2021b; Sun et al., 2020; Yuan et al., 2023; Wang et al., 2022; Li et al., 2023a; Zhang et al., 2023; Wei et al., 2023; Wang et al., 2023; Cheng et al., 2023; Ni et al., 2023; Liu et al., 2023; Qu et al., 2023; Hu et al., 2024; Liu et al., 2024). They deploy the large-scale pre-trained foundation models (Devlin et al., 2018; He et al., 2021, 2020; Brown et al., 2020; He et al., 2016; Radford et al., 2021) from NLP and CV (Dosovitskiy et al., 2020; Liu et al., 2021), and CLIP (Radford et al., 2021) to encode texts and images. The sequential encoder stays unchanged as the traditional sequential architectures, including SASRec (Kang and McAuley, 2018), GRU4Rec (Hidasi et al., 2015), and BERT4Rec (Sun et al., 2019), etc. In addition, IDA-SR (Mu et al., 2022), UniSRec (Hou et al., 2022b), and VQ-Rec (Hou et al., 2022a) realized MoRec by learning item representation from the foundation model in NLP. In terms of image representation in RS, (Wei et al., 2019) and (Meng et al., 2020) fed the RS model with image features extracted from the ResNet-50 (He et al., 2016). On the other hand, (Elsayed et al., 2022; Yuan et al., 2023; Ni et al., 2023; Li et al., 2023b) have collectively demonstrated that the MoRec framework, when applied through end-to-end learning, significantly enhances performance over previous methods that rely on offline feature extractors. Specifically, (Li et al., 2023b, 2024) highlighted that end-to-end training, which integrates both image and text modalities, considerably surpasses systems based solely on a single modality.

However, a significant limitation observed in these end-to-end research studies is their continued reliance on full fine-tuning of large-scale multimodal encoders. This approach often results in a lack of efficiency.

Parameter-efficient Fine-tuning (PEFT). In the domains of NLP and CV, significant efforts are being devoted to investigating PEFT methods. These approaches aim to address the challenge of managing the extensive number of trainable parameters present in large-scale pre-trained models. Foundational works in this area include Adapter (Houlsby et al., 2019), LoRA (Hu et al., 2021), and BitFit (Zaken et al., 2021). Building on this paradigm, a variety of alternative strategies have been proposed, as evidenced by studies such as (Karimi Mahabadi et al., 2021; Pfeiffer et al., 2020; Wang et al., 2020; Zhang et al., 2021; Chen et al., 2022a; He et al., 2022; Gao et al., 2023; Yang et al., 2023). Nevertheless, these methods predominantly employ Embedded PEFT (EPEFT) and concentrate chiefly on parameter efficiency, rather than practical efficiency factors like training speed and GPU memory consumption. To address these limitations, (Cai et al., 2020) introduced the concept of ”Reduce Memory, Not Parameters”, suggesting a reduction in activations. LST (Sung et al., 2022) introduces a memory efficiency approach that tries to decouple PEFT modules from the encoder-decoder T5 (Raffel et al., 2020). This emerging trend in NLP and CV research is increasingly pivoting from the earlier focus on EPEFT to DPEFT, as exemplified by recent studies (Xu et al., 2023b; Lin et al., 2023; Xu et al., 2023a).

For the usage of PEFT in the realm of modality-based sequential recommender systems (RS), significant progress has been demonstrated by M6-Rec (Cui et al., 2022), Tallrec (Bao et al., 2023), and SSNA (Peng et al., 2023). These studies highlight the PEFT approaches can be adopted to achieve comparable performance to traditional fine-tuning methods. Additionally, (Fu et al., 2024) provides an empirical study of adapters in MoRec. Although many current methods in the field continue to utilize the conventional EPEFT, they often overlook aspects of practical efficiency. The adoption of DPEFT in RS remains limited, with only a few exceptions, such as a concurrent preprint (Peng et al., 2023). Furthermore, these methods mainly concentrate on single-modality analysis, missing the opportunity to exploit the rich multimodal information available in RS. In contrast, VIP5 (Geng et al., 2023) explores the multimodal recommendation using adapters within the P5 backbone. However, its implementation primarily utilizes adapters for text encoders, leaving the image encoder unchanged and dedicated solely to feature extraction. This approach differs from our focus, as adapting the image encoder incurs higher costs compared to the text encoder.

To the best of our knowledge, little research investigated practical efficiency issues of using DPEFT approaches for multimodal representation adaptation for recommendation tasks. Utilizing multimodal information can certainly boost recommendation performance (Li et al., 2023b), while further increasing the practical efficiency issues. Therefore, the research of studying DPEFT approaches to address the real efficiency problems in this field is a novel and urgent direction.

7. Conclusion and Future Work

In this study, we present a novel Decoupled-PEFT architecture, named IISAN, for recommendation task adaptation of pre-trained large-scale multimodal fundamental models. IISAN leverages advantages inherent in DPEFT to separate the trainable intra- and inter-modal adaption networks from the multimodal backbones, thus minimizing the computational graph and allowing for caching strategies. These allow IISAN to optimize in terms of model practical efficiency. Besides, the new intra- and inter-modal SANs in IISAN achieve comparable performance to the full fine-tuning model by combining both intra- and inter-modal information adaptive interactions. In addition, we introduce a balanced efficiency metric, –TPME–, to evaluate the multi-faceted practical model efficiency between different methods. Finally, experimental results on three recommendation datasets have shown the superiority of both efficiency and effectiveness of IISAN. And the efficiency analysis also proves its high efficiency.

Future work includes the exploration of more potential applications, such as multimodal retrieval(Ge et al., 2023, 2024) and visual question answering (VQA) (Zhou et al., 2021), etc., by the IISAN paradigm. Moreover, many more modality representations can be applied by the novel intra- and inter-modal SANs, e.g. image, text audio, etc., to further adapt the multimodal real-world scenarios.

Acknowledgements.
This research was supported in part by China Scholarship Council (CSC) from the Ministry of Education of China (No. 202308330014).

References

  • (1)
  • Achiam et al. (2023) Josh Achiam, Steven Adler, Sandhini Agarwal, Lama Ahmad, Ilge Akkaya, Florencia Leoni Aleman, Diogo Almeida, Janko Altenschmidt, Sam Altman, Shyamal Anadkat, et al. 2023. Gpt-4 technical report. arXiv preprint arXiv:2303.08774 (2023).
  • Bao et al. (2023) Keqin Bao, Jizhi Zhang, Yang Zhang, Wenjie Wang, Fuli Feng, and Xiangnan He. 2023. Tallrec: An effective and efficient tuning framework to align large language model with recommendation. arXiv preprint arXiv:2305.00447 (2023).
  • Brown et al. (2020) Tom Brown et al. 2020. Language models are few-shot learners. Advances in neural information processing systems 33 (2020), 1877–1901.
  • Cai et al. (2020) Han Cai, Chuang Gan, Ligeng Zhu, and Song Han. 2020. Tinytl: Reduce memory, not parameters for efficient on-device learning. Advances in Neural Information Processing Systems 33 (2020), 11285–11297.
  • Chen et al. (2022b) Lin Chen, Goodluck Msigwa, Mingyu Yang, Ahmed I Osman, Samer Fawzy, David W Rooney, and Pow-Seng Yap. 2022b. Strategies to achieve a carbon neutral society: a review. Environmental Chemistry Letters 20, 4 (2022), 2277–2310.
  • Chen et al. (2020) Yu Chen, Yong Liu, **gya Zhao, and Qinghua Zhu. 2020. Mobile edge cache strategy based on neural collaborative filtering. IEEE Access 8 (2020), 18475–18482.
  • Chen et al. (2022a) Zhe Chen, Yuchen Duan, Wenhai Wang, Junjun He, Tong Lu, Jifeng Dai, and Yu Qiao. 2022a. Vision transformer adapter for dense predictions. arXiv preprint arXiv:2205.08534 (2022).
  • Cheng et al. (2023) Yu Cheng, Yunzhu Pan, Jiaqi Zhang, Yongxin Ni, Aixin Sun, and Fajie Yuan. 2023. An Image Dataset for Benchmarking Recommender Systems with Raw Pixels. arXiv preprint arXiv:2309.06789 (2023).
  • Cui et al. (2022) Zeyu Cui, Jianxin Ma, Chang Zhou, **gren Zhou, and Hongxia Yang. 2022. M6-rec: Generative pretrained language models are open-ended recommender systems. arXiv preprint arXiv:2205.08084 (2022).
  • Dettmers et al. (2023) Tim Dettmers, Artidoro Pagnoni, Ari Holtzman, and Luke Zettlemoyer. 2023. Qlora: Efficient finetuning of quantized llms. arXiv preprint arXiv:2305.14314 (2023).
  • Devlin et al. (2018) Jacob Devlin, Ming-Wei Chang, Kenton Lee, and Kristina Toutanova. 2018. Bert: Pre-training of deep bidirectional transformers for language understanding. arXiv preprint arXiv:1810.04805 (2018).
  • Dosovitskiy et al. (2020) Alexey Dosovitskiy, Lucas Beyer, et al. 2020. An image is worth 16x16 words: Transformers for image recognition at scale. arXiv preprint arXiv:2010.11929 (2020).
  • Elsayed et al. (2022) Shereen Elsayed, Lukas Brinkmeyer, and Lars Schmidt-Thieme. 2022. End-to-End Image-Based Fashion Recommendation. arXiv preprint arXiv:2205.02923 (2022).
  • Fan et al. (2019) Angela Fan, Edouard Grave, and Armand Joulin. 2019. Reducing transformer depth on demand with structured dropout. arXiv preprint arXiv:1909.11556 (2019).
  • Fu et al. (2024) Junchen Fu, Fajie Yuan, Yu Song, Zheng Yuan, Mingyue Cheng, Shenghui Cheng, Jiaqi Zhang, Jie Wang, and Yunzhu Pan. 2024. Exploring adapter-based transfer learning for recommender systems: Empirical studies and practical insights. In Proceedings of the 17th ACM International Conference on Web Search and Data Mining. 208–217.
  • Gao et al. (2021) Luyu Gao, Yunyi Zhang, Jiawei Han, and Jamie Callan. 2021. Scaling deep contrastive learning batch size under memory limited setup. arXiv preprint arXiv:2101.06983 (2021).
  • Gao et al. (2023) Peng Gao, Jiaming Han, Renrui Zhang, Ziyi Lin, Shijie Geng, Aojun Zhou, Wei Zhang, Pan Lu, Conghui He, Xiangyu Yue, et al. 2023. Llama-adapter v2: Parameter-efficient visual instruction model. arXiv preprint arXiv:2304.15010 (2023).
  • Ge et al. (2021) Xuri Ge, Fuhai Chen, Joemon M Jose, Zhilong Ji, Zhongqin Wu, and Xiao Liu. 2021. Structured multi-modal feature embedding and alignment for image-sentence retrieval. In Proceedings of the 29th ACM international conference on multimedia. 5185–5193.
  • Ge et al. (2019) Xuri Ge, Fuhai Chen, Chen Shen, and Rongrong Ji. 2019. Colloquial image captioning. In 2019 IEEE International Conference on Multimedia and Expo (ICME). IEEE, 356–361.
  • Ge et al. (2023) Xuri Ge, Fuhai Chen, Songpei Xu, Fuxiang Tao, and Joemon M Jose. 2023. Cross-modal Semantic Enhanced Interaction for Image-Sentence Retrieval. In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision. 1022–1031.
  • Ge et al. (2024) Xuri Ge, Songpei Xu, Fuhai Chen, Jie Wang, Guoxin Wang, Shan An, and Joemon M Jose. 2024. 3SHNet: Boosting image–sentence retrieval via visual semantic–spatial self-highlighting. Information Processing & Management 61, 4 (2024), 103716.
  • Geng et al. (2023) Shijie Geng, Juntao Tan, Shuchang Liu, Zuohui Fu, and Yongfeng Zhang. 2023. VIP5: Towards Multimodal Foundation Models for Recommendation. arXiv preprint arXiv:2305.14302 (2023).
  • Gomez et al. (2017) Aidan N Gomez, Mengye Ren, Raquel Urtasun, and Roger B Grosse. 2017. The reversible residual network: Backpropagation without storing activations. Advances in neural information processing systems 30 (2017).
  • He et al. (2016) Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun. 2016. Deep Residual Learning for Image Recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR).
  • He et al. (2021) Pengcheng He, Jianfeng Gao, and Weizhu Chen. 2021. Debertav3: Improving deberta using electra-style pre-training with gradient-disentangled embedding sharing. arXiv preprint arXiv:2111.09543 (2021).
  • He et al. (2020) Pengcheng He, Xiaodong Liu, Jianfeng Gao, and Weizhu Chen. 2020. Deberta: Decoding-enhanced bert with disentangled attention. arXiv preprint arXiv:2006.03654 (2020).
  • He et al. (2022) Xuehai He, Chunyuan Li, Pengchuan Zhang, Jianwei Yang, and Xin Eric Wang. 2022. Parameter-efficient Fine-tuning for Vision Transformers. https://doi.org/10.48550/ARXIV.2203.16329
  • He et al. (2017) Xiangnan He, Lizi Liao, Hanwang Zhang, Liqiang Nie, Xia Hu, and Tat-Seng Chua. 2017. Neural collaborative filtering. In Proceedings of the 26th international conference on world wide web. 173–182.
  • Hidasi et al. (2015) Balázs Hidasi, Alexandros Karatzoglou, Linas Baltrunas, and Domonkos Tikk. 2015. Session-based recommendations with recurrent neural networks. arXiv preprint arXiv:1511.06939 (2015).
  • Hou et al. (2022a) Yupeng Hou, Zhankui He, Julian McAuley, and Wayne Xin Zhao. 2022a. Learning Vector-Quantized Item Representation for Transferable Sequential Recommenders. arXiv preprint arXiv:2210.12316 (2022).
  • Hou et al. (2022b) Yupeng Hou, Shanlei Mu, Wayne Xin Zhao, Yaliang Li, Bolin Ding, and Ji-Rong Wen. 2022b. Towards Universal Sequence Representation Learning for Recommender Systems. In Proceedings of the 28th ACM SIGKDD Conference on Knowledge Discovery and Data Mining. 585–593.
  • Houlsby et al. (2019) Neil Houlsby, Andrei Giurgiu, Stanislaw Jastrzebski, Bruna Morrone, Quentin De Laroussilhe, Andrea Gesmundo, Mona Attariyan, and Sylvain Gelly. 2019. Parameter-efficient transfer learning for NLP. In International Conference on Machine Learning. PMLR, 2790–2799.
  • Hu et al. (2021) Edward J Hu, Yelong Shen, Phillip Wallis, Zeyuan Allen-Zhu, Yuanzhi Li, Shean Wang, Lu Wang, and Weizhu Chen. 2021. Lora: Low-rank adaptation of large language models. arXiv preprint arXiv:2106.09685 (2021).
  • Hu et al. (2024) Hengchang Hu, Qijiong Liu, Chuang Li, and Min-Yen Kan. 2024. Lightweight Modality Adaptation to Sequential Recommendation via Correlation Supervision. arXiv preprint arXiv:2401.07257 (2024).
  • Jain (2022) Shashank Mohan Jain. 2022. Hugging face. In Introduction to transformers for NLP: With the hugging face library and models to solve problems. Springer, 51–67.
  • Ji et al. (2023) Wei Ji, Xiangyan Liu, An Zhang, Yinwei Wei, Yongxin Ni, and Xiang Wang. 2023. Online distillation-enhanced multi-modal transformer for sequential recommendation. In Proceedings of the 31st ACM International Conference on Multimedia. 955–965.
  • Kang and McAuley (2018) Wang-Cheng Kang and Julian McAuley. 2018. Self-attentive sequential recommendation. In 2018 IEEE international conference on data mining (ICDM). IEEE, 197–206.
  • Karedla et al. (1994) Ramakrishna Karedla, J Spencer Love, and Bradley G Wherry. 1994. Caching strategies to improve disk system performance. Computer 27, 3 (1994), 38–46.
  • Karimi Mahabadi et al. (2021) Rabeeh Karimi Mahabadi, James Henderson, and Sebastian Ruder. 2021. Compacter: Efficient low-rank hypercomplex adapter layers. Advances in Neural Information Processing Systems 34 (2021), 1022–1035.
  • Kingma and Ba (2014) Diederik P Kingma and Jimmy Ba. 2014. Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.6980 (2014).
  • Krichene and Rendle (2020) Walid Krichene and Steffen Rendle. 2020. On Sampled Metrics for Item Recommendation. In KDD.
  • Larochelle et al. (2009) Hugo Larochelle, Yoshua Bengio, Jérôme Louradour, and Pascal Lamblin. 2009. Exploring strategies for training deep neural networks. Journal of machine learning research 10, 1 (2009).
  • Li et al. (2023a) Ruyu Li, Wenhao Deng, Yu Cheng, Zheng Yuan, Jiaqi Zhang, and Fajie Yuan. 2023a. Exploring the Upper Limits of Text-Based Collaborative Filtering Using Large Language Models: Discoveries and Insights. arXiv preprint arXiv:2305.11700 (2023).
  • Li et al. (2024) Youhua Li, Hanwen Du, Yongxin Ni, Yuanqi He, Junchen Fu, Xiangyan Liu, and Qi Guo. 2024. An Empirical Study of Training ID-Agnostic Multi-modal Sequential Recommenders. arXiv preprint arXiv:2403.17372 (2024).
  • Li et al. (2023b) Youhua Li, Hanwen Du, Yongxin Ni, Pengpeng Zhao, Qi Guo, Fajie Yuan, and Xiaofang Zhou. 2023b. Multi-Modality is All You Need for Transferable Recommender Systems. arXiv preprint arXiv:2312.09602 (2023).
  • Lin et al. (2023) Yan-Bo Lin, Yi-Lin Sung, Jie Lei, Mohit Bansal, and Gedas Bertasius. 2023. Vision transformers are parameter-efficient audio-visual learners. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 2299–2309.
  • Liu et al. (2024) Qijiong Liu, Nuo Chen, Tetsuya Sakai, and Xiao-Ming Wu. 2024. Once: Boosting content-based recommendation with both open-and closed-source large language models. In Proceedings of the 17th ACM International Conference on Web Search and Data Mining. 452–461.
  • Liu et al. (2023) Yuting Liu, Enneng Yang, Yizhou Dang, Guibing Guo, Qiang Liu, Yuliang Liang, Linying Jiang, and Xingwei Wang. 2023. ID Embedding as Subtle Features of Content and Structure for Multimodal Recommendation. arXiv preprint arXiv:2311.05956 (2023).
  • Liu et al. (2021) Ze Liu, Yutong Lin, Yue Cao, Han Hu, Yixuan Wei, Zheng Zhang, Stephen Lin, and Baining Guo. 2021. Swin transformer: Hierarchical vision transformer using shifted windows. In Proceedings of the IEEE/CVF International Conference on Computer Vision. 10012–10022.
  • Meng et al. (2020) Lei Meng, Fuli Feng, Xiangnan He, Xiaoyan Gao, and Tat-Seng Chua. 2020. Heterogeneous fusion of semantic and collaborative information for visually-aware food recommendation. In Proceedings of the 28th ACM International Conference on Multimedia. 3460–3468.
  • Mu et al. (2022) Shanlei Mu, Yupeng Hou, Wayne Xin Zhao, Yaliang Li, and Bolin Ding. 2022. ID-Agnostic User Behavior Pre-training for Sequential Recommendation. In China Conference on Information Retrieval. Springer, 16–27.
  • Ni et al. (2019) Jianmo Ni, Jiacheng Li, and Julian McAuley. 2019. Justifying recommendations using distantly-labeled reviews and fine-grained aspects. 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). 188–197.
  • Ni et al. (2023) Yongxin Ni, Yu Cheng, Xiangyan Liu, Junchen Fu, Youhua Li, Xiangnan He, Yongfeng Zhang, and Fajie Yuan. 2023. A Content-Driven Micro-Video Recommendation Dataset at Scale. arXiv preprint arXiv:2309.15379 (2023).
  • Peng et al. (2023) Bo Peng, Ben Burns, Ziqi Chen, Srinivasan Parthasarathy, and Xia Ning. 2023. Towards Efficient and Effective Adaptation of Large Language Models for Sequential Recommendation. arXiv preprint arXiv:2310.01612 (2023).
  • Pfeiffer et al. (2020) Jonas Pfeiffer, Andreas Rücklé, Clifton Poth, Aishwarya Kamath, Ivan Vulić, Sebastian Ruder, Kyunghyun Cho, and Iryna Gurevych. 2020. Adapterhub: A framework for adapting transformers. arXiv preprint arXiv:2007.07779 (2020).
  • Qu et al. (2023) Zekai Qu, Ruobing Xie, Chaojun Xiao, Yuan Yao, Zhiyuan Liu, Fengzong Lian, Zhanhui Kang, and Jie Zhou. 2023. Thoroughly Modeling Multi-domain Pre-trained Recommendation as Language. arXiv preprint arXiv:2310.13540 (2023).
  • Radford et al. (2021) Alec Radford, Jong Wook Kim, et al. 2021. Learning transferable visual models from natural language supervision. In International conference on machine learning. PMLR, 8748–8763.
  • Raffel et al. (2020) Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, and Peter J Liu. 2020. Exploring the limits of transfer learning with a unified text-to-text transformer. The Journal of Machine Learning Research 21, 1 (2020), 5485–5551.
  • Ramesh et al. (2022) Aditya Ramesh, Prafulla Dhariwal, Alex Nichol, Casey Chu, and Mark Chen. 2022. Hierarchical text-conditional image generation with clip latents. arXiv preprint arXiv:2204.06125 1, 2 (2022), 3.
  • Safayenikoo and Akturk (2021) Pooneh Safayenikoo and Ismail Akturk. 2021. Weight update skip**: Reducing training time for artificial neural networks. IEEE Journal on Emerging and Selected Topics in Circuits and Systems 11, 4 (2021), 563–574.
  • Sagar and Najam (1998) Ambuj D Sagar and Adil Najam. 1998. The human development index: a critical review. Ecological economics 25, 3 (1998), 249–264.
  • Skiena (1998) Steven S Skiena. 1998. The algorithm design manual. Vol. 2. Springer.
  • Sun et al. (2019) Fei Sun, Jun Liu, Jian Wu, Changhua Pei, Xiao Lin, Wenwu Ou, and Peng Jiang. 2019. BERT4Rec: Sequential recommendation with bidirectional encoder representations from transformer. In Proceedings of the 28th ACM international conference on information and knowledge management. 1441–1450.
  • Sun et al. (2020) Rui Sun, Xuezhi Cao, Yan Zhao, Junchen Wan, Kun Zhou, Fuzheng Zhang, Zhongyuan Wang, and Kai Zheng. 2020. Multi-modal knowledge graphs for recommender systems. In Proceedings of the 29th ACM international conference on information & knowledge management. 1405–1414.
  • Sung et al. (2022) Yi-Lin Sung, Jaemin Cho, and Mohit Bansal. 2022. Lst: Ladder side-tuning for parameter and memory efficient transfer learning. Advances in Neural Information Processing Systems 35 (2022), 12991–13005.
  • Touvron et al. (2023) Hugo Touvron, Thibaut Lavril, Gautier Izacard, Xavier Martinet, Marie-Anne Lachaux, Timothée Lacroix, Baptiste Rozière, Naman Goyal, Eric Hambro, Faisal Azhar, et al. 2023. Llama: Open and efficient foundation language models. arXiv preprint arXiv:2302.13971 (2023).
  • Wang et al. (2022) Jie Wang, Fajie Yuan, Mingyue Cheng, Joemon M Jose, Chenyun Yu, Beibei Kong, Zhi** Wang, Bo Hu, and Zang Li. 2022. TransRec: Learning Transferable Recommendation from Mixture-of-Modality Feedback. arXiv preprint arXiv:2206.06190 (2022).
  • Wang et al. (2023) **peng Wang, Ziyun Zeng, Yunxiao Wang, Yuting Wang, Xingyu Lu, Tianxiang Li, Jun Yuan, Rui Zhang, Hai-Tao Zheng, and Shu-Tao Xia. 2023. MISSRec: Pre-training and Transferring Multi-modal Interest-aware Sequence Representation for Recommendation. In Proceedings of the 31st ACM International Conference on Multimedia. 6548–6557.
  • Wang et al. (2020) Ruize Wang, Duyu Tang, Nan Duan, Zhongyu Wei, Xuan**g Huang, Guihong Cao, Daxin Jiang, Ming Zhou, et al. 2020. K-adapter: Infusing knowledge into pre-trained models with adapters. arXiv preprint arXiv:2002.01808 (2020).
  • Wei et al. (2023) Wei Wei, Chao Huang, Lianghao Xia, and Chuxu Zhang. 2023. Multi-Modal Self-Supervised Learning for Recommendation. In Proceedings of the ACM Web Conference 2023. 790–800.
  • Wei et al. (2019) Yinwei Wei, Xiang Wang, Liqiang Nie, Xiangnan He, Richang Hong, and Tat-Seng Chua. 2019. MMGCN: Multi-modal graph convolution network for personalized recommendation of micro-video. In Proceedings of the 27th ACM International Conference on Multimedia. 1437–1445.
  • Williams et al. (2021) James H Williams, Ryan A Jones, Ben Haley, Gabe Kwok, Jeremy Hargreaves, Jamil Farbes, and Margaret S Torn. 2021. Carbon-neutral pathways for the United States. AGU advances 2, 1 (2021), e2020AV000284.
  • Wu et al. (2021a) Chuhan Wu, Fangzhao Wu, Tao Qi, and Yongfeng Huang. 2021a. Empowering news recommendation with pre-trained language models. In Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval. 1652–1656.
  • Wu et al. (2021b) Chuhan Wu, Fangzhao Wu, Tao Qi, and Yongfeng Huang. 2021b. Mm-rec: multimodal news recommendation. arXiv preprint arXiv:2104.07407 (2021).
  • Wu et al. (2020) Le Wu, Yonghui Yang, Lei Chen, Defu Lian, Richang Hong, and Meng Wang. 2020. Learning to transfer graph embeddings for inductive graph based recommendation. In Proceedings of the 43rd international ACM SIGIR conference on research and development in information retrieval. 1211–1220.
  • Xu et al. (2023a) Mengde Xu, Zheng Zhang, Fangyun Wei, Han Hu, and Xiang Bai. 2023a. SAN: Side Adapter Network for Open-vocabulary Semantic Segmentation. IEEE Transactions on Pattern Analysis and Machine Intelligence (2023).
  • Xu et al. (2023b) Mengde Xu, Zheng Zhang, Fangyun Wei, Han Hu, and Xiang Bai. 2023b. Side adapter network for open-vocabulary semantic segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 2945–2954.
  • Yang et al. (2023) Diji Yang, Kezhen Chen, **meng Rao, Xiaoyuan Guo, Yawen Zhang, Jie Yang, and Yi Zhang. 2023. Tackling Vision Language Tasks Through Learning Inner Monologues. arXiv preprint arXiv:2308.09970 (2023).
  • Yi et al. (2019) Xinyang Yi, Ji Yang, Lichan Hong, Derek Zhiyuan Cheng, Lukasz Heldt, Aditee Kumthekar, Zhe Zhao, Li Wei, and Ed Chi. 2019. Sampling-bias-corrected neural modeling for large corpus item recommendations. In Proceedings of the 13th ACM Conference on Recommender Systems. 269–277.
  • Yin et al. (2023) Dongshuo Yin, Yiran Yang, Zhechao Wang, Hongfeng Yu, Kaiwen Wei, and Xian Sun. 2023. 1% VS 100%: Parameter-Efficient Low Rank Adapter for Dense Predictions. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 20116–20126.
  • Yuan et al. (2023) Zheng Yuan, Fajie Yuan, Yu Song, Youhua Li, Junchen Fu, Fei Yang, Yunzhu Pan, and Yongxin Ni. 2023. Where to go next for recommender systems? id-vs. modality-based recommender models revisited. In Proceedings of the 46th International ACM SIGIR Conference on Research and Development in Information Retrieval. 2639–2649.
  • Zaken et al. (2021) Elad Ben Zaken, Shauli Ravfogel, and Yoav Goldberg. 2021. Bitfit: Simple parameter-efficient fine-tuning for transformer-based masked language-models. arXiv preprint arXiv:2106.10199 (2021).
  • Zhang et al. (2023) Jiaqi Zhang, Yu Cheng, Yongxin Ni, Yunzhu Pan, Zheng Yuan, Junchen Fu, Youhua Li, Jie Wang, and Fajie Yuan. 2023. NineRec: A Benchmark Dataset Suite for Evaluating Transferable Recommendation. arXiv preprint arXiv:2309.07705 (2023).
  • Zhang et al. (2021) Renrui Zhang, Rongyao Fang, Wei Zhang, Peng Gao, Kunchang Li, Jifeng Dai, Yu Qiao, and Hongsheng Li. 2021. Tip-adapter: Training-free clip-adapter for better vision-language modeling. arXiv preprint arXiv:2111.03930 (2021).
  • Zhou et al. (2021) Yiyi Zhou, Tianhe Ren, Chaoyang Zhu, Xiaoshuai Sun, Jianzhuang Liu, Xinghao Ding, Mingliang Xu, and Rongrong Ji. 2021. Trar: Routing the attention spans in transformer for visual question answering. In Proceedings of the IEEE/CVF international conference on computer vision. 2074–2084.