Advances in Consumer Research
Issue:5 : 1-7
Research Article
An Integrated AI Model for Analyzing Consumer Fashion Preferences: Implications for Marketing and Consumer Behavior
 ,
1
Faculty of Information Technology, HCM City University of Foreign Languages - Information Technology, Ho Chi Minh City Vietnam
Received
Aug. 27, 2025
Revised
Sept. 4, 2025
Accepted
Sept. 28, 2025
Published
Oct. 14, 2025
Abstract

Consumer choices in fashion are influenced by a complex interplay of psychological, economic, and social factors, including style preferences and relational dependencies among products. While convolutional neural networks (CNNs) like ResNet50 effectively extract visual features from fashion images, they often overlook the semantic relationships that drive consumer behavior. This study proposes an integrated ResNet50-GCN model that combines spatial feature extraction with graph-based relational modeling to better analyze consumer preferences. Evaluated on the DeepFashion dataset, the approach yields a 10% improvement in classification accuracy, offering strategic insights for personalized marketing, trend prediction, and sustainable fashion practices. These results underscore the value of AI in enhancing understanding of consumer psychology and economic decision-making in fashion retail.

Keywords
INTRODUCTION

Consumer behavior in the fashion industry is shaped by psychological factors such as perceived authenticity, emotional attachments to styles, and cognitive biases in purchasing decisions, alongside economic models that weigh value against price [20, 21]. Traditional economic models, like the utility maximization framework, explain how consumers allocate budgets based on perceived benefits, but they often fail to capture the relational dynamics, such as trend influences and social comparisons, that characterize fashion choices [22]. Advances in AI, particularly convolutional neural networks (CNNs) like ResNet50, have enabled detailed analysis of visual data from consumer-generated content, yet these tools underexploit the interconnected nature of preferences [2].

 

This study introduces ResNet50-GCN, a hybrid AI architecture that integrates ResNet50 for visual feature extraction with graph convolutional networks (GCNs) to model relational dependencies in consumer fashion data. Applied to the DeepFashion dataset [1], which reflects real-world consumer choices, the model constructs dynamic graphs based on similarity in preferences, outperforming standalone CNNs. The primary contributions are:

  • An integrated ResNet50-GCN framework for analyzing consumer fashion preferences from a psychological and economic perspective.
  • A graph construction method incorporating preference labels and similarity to simulate consumer decision networks.
  • Empirical evidence of enhanced accuracy, with implications for marketing strategies and consumer behavior insights.

 

The paper is structured as follows: Section 2 reviews related work, Section 3 describes the dataset, Section 4 details the proposed method, Section 5 presents experimental results, Section 6 discusses implications, and Section 7 concludes with future directions.

LITERATURE REVIEW

AI and CNNs in Consumer Fashion Analysis

Convolutional neural networks (CNNs) are pivotal in processing visual data to infer consumer preferences, with ResNet50 serving as a benchmark for extracting features from fashion images [2]. Likewise, VGG16, known for its uniform architecture of convolutional layers, has been applied to classify fashion items, providing detailed feature maps that help in discerning consumer preferences based on visual attributes such as textures and patterns that influence purchasing decisions. In consumer research, CNNs analyze purchasing patterns and style affinities, as seen in applications for personalized recommendations on platforms like Zara [23]. For instance, Liu et al. [1] used CNNs on DeepFashion to predict categories, providing insights into how visual cues influence consumer choices. Emerging models like Vision Transformers (ViT) [7] incorporate attention mechanisms to capture global preferences, but they require vast data and overlook economic constraints in consumer decision-making [24].

 

Graph-Based Models in Consumer Behavior

Graph convolutional networks (GCNs) [6] excel in modeling non-Euclidean relationships, such as social influences on fashion trends. In consumer psychology, GCNs simulate networks of preferences, akin to how peers and influencers shape choices [25]. Variants like Graph Attention Networks (GAT) [9] have been applied to recommendation systems, enhancing understanding of relational dependencies. However, their use in fashion consumer analysis is limited by challenges in graph construction from image data, particularly in integrating psychological factors like perceived authenticity [26].

 

Integrated AI Approaches for Marketing and Economics

Combining CNNs and GCNs bridges visual analysis with relational modeling, offering strategic value in fashion marketing. For example, Parisot et al. [12] used CNN-GCN hybrids for relational inference in medical contexts, inspiring applications in consumer segmentation. In fashion, Wan et al. [13] adapted this for hyperspectral data, improving classification for market trend prediction. FashionGraph [14] models product relationships for recommendations, aligning with economic models of consumer choice where similarity drives purchases [27]. Li et al. [15] employed cosine similarity in GCNs for scene analysis, outperforming traditional methods and informing personalization strategies that boost brand loyalty [28]. This study builds on these by proposing ResNet50-GCN to analyze consumer preferences, with implications for economic utility models and marketing personalization.

 

Consumer Psychology and Economics in Fashion

Fashion choices are driven by psychological factors like emotional gratification from trends and cognitive evaluations of value [29]. Economic models, such as the economic consumer behavior model, emphasize rational choices based on price-value trade-offs, while incorporating sustainability preferences in circular economy frameworks [30]. Datasets like DeepFashion [1] enable AI to uncover these dynamics, but models like FashionBERT [17] integrate text without fully addressing image-based relational psychology. Our approach uses ResNet50-GCN to model these interdependencies, supporting marketing strategies that enhance consumer engagement and reduce returns through better personalization [31].

 

Datasets

This study utilizes the DeepFashion dataset [1], a rich repository of over 800,000 fashion images reflecting consumer preferences from e-commerce and social media. The Category and Attribute Prediction Benchmark subset, captures diverse consumer choices grouped into tops (Type 1, e.g., Blazer), bottoms/skirts (Type 2, e.g., Jeans), and full-body garments (Type 3, e.g., Dress). Annotations include attributes like color and style, enabling analysis of psychological and economic drivers in purchases.

 

Split into training (209,222 images), validation (40,000), and test (40,000) sets, DeepFashion mirrors real-world variability in consumer behavior, such as pose and lighting influences on perceived value. Compared to simpler datasets like Fashion-MNIST [18], it offers deeper insights into economic choices and psychological affinities.

 

PREFERENCE DISTRIBUTION ANALYSIS

Analysis of the training set reveals imbalances in category popularity, with dominant styles (e.g., labels 1, 15) exceeding 10,000 images, reflecting market-driven consumer biases [32]. Underrepresented categories (e.g., labels 10, 30) highlight niche preferences, potentially impacting economic models by favoring mass-market items (Figure 1). Our method addresses this through relational graphs, improving insights into minority preferences for targeted marketing.

 

Figure 1.Distribution of image counts across categories in the DeepFashion training set, highlighting imbalances in consumer preferences

 

Inter-Category Preference Similarity

Using pre-trained ResNet50, we computed cosine similarity among category features, yielding a matrix (Figure 2) with values from 0.60 to 0.90. High similarities (e.g., 0.81 between categories 21 and 22) indicate psychological clustering in choices, informing economic bundling strategies. A 0.75 threshold for graph edges ensures focus on strong relations, aiding marketing in predicting cross-category purchases [33].

 

Figure 2.  Similarity matrix between categories in DeepFashion, with cosine similarity ranging from 0.60 to 0.90.

 

METHODOLOGY

ResNet50-GCN is a hybrid model designed to analyze consumer fashion preferences by merging visual feature extraction with graph-based modeling of relational psychology and economic choices. On the technology side, this approach aims to elevate fashion image classification by integrating local feature learning with relational modeling, addressing the shortcomings of traditional CNNs in capturing semantic relationships among fashion items. On the managerial side, it reflects the real-life consumer journey where emotional connections and value judgments interact, providing a tool for marketers to forecast trends and adjust campaigns more effectively.

 

Model architecture

The ResNet50-GCN architecture fuses ResNet50’s spatial feature extraction with GCN’s relational processing. Its key components are mathematically defined as follows:

  • Feature Extractor: Processes an input image to produce a feature vector:
  • Feature Reducer: Reduces the feature dimension from 2048 to 512 via a linear layer:
  • Graph Convolutional Layers: Operates on a graph with an initial feature matrix . Five GCN layers with residual connections are applied:

for  where  is the adjacency matrix and  is the weight matrix for layer

  • Classification Layer: Maps the final GCN layer output to a C-dimensional space ( where C = 46)
  • where and  . Prediction probabilities are computed as:

 

Figure 3.ResNet50-GCN architecture. ResNet50 extracts features, GCN models relations, and a classifier predicts preferences.

 

Graph Construction

A graph  is constructed to represent relationships among image samples in each batch, where denotes nodes (images) and  denotes edges. Each node  corresponds to an image with label  and feature vector . The graph is built using two criteria:

  • Label-Based Edges: For each node , we identify . Up to 5 nodes from are selected to form edges where  , with selection potentially randomized.
  • Similarity-Based Edges: Cosine similarity between feature vectors is calculated:
  • For each , 15 nodes with the highest similarity and   are chosen to form edges .

The total edge set  is:

where:

with  . The resulting graph, represented as an edge index tensor, serves as input to the GCN layers, enabling adaptive modeling of batch-specific relationships.

 

Trainning

The training process is outlined as follows:

  • Loss Function: Cross-entropy with label smoothing :

where  is the predicted probability for  class  of sample , and  is the batch size.

  • Optimizer: AdamW with a learning rate and weight decay :

where  and   are first and second moment estimates.

  • Procedure: Training runs for up to 50 epochs, with early stopping based on Top-1, Top-3, and Top-5 accuracy on the validation set.

 

RESULTS:

Baseline Models

The performance of ResNet50-GCN is benchmarked against traditional CNN models, including ResNet50, VGG16, and FashionNet [1]. ResNet50, pre-trained on ImageNet and fine-tuned on DeepFashion, provides a robust baseline. VGG16, a standard CNN architecture, offers a common reference for image classification. This selection enables a thorough comparison between conventional CNN methods and our relational approach.

 

Evaluation Metrics

Performance is assessed using Accuracy, Precision, Recall, and F1-score, derived from the confusion matrix:

  • Accuracy:
  • Precision:
  • Recall:
  • F1-score:

 

Results

Table 1. Overall Performance On The Deepfashion Test Set

Model

Top-1 Accuracy

Precision

Recall

F1-score

ResNet50

65.90%

42.57%

35.28%

36.87%

VGG16

67.63%

46.70%

33.18%

35.95%

ResNet50-GCN

88.96%

57.15%

46.54%

48.41%

 

Table 2. Performance on specific category types

Category type

Model

Precision

Recall

F1-score

Type 1

ResNet50

75.18%

100%

85.83%

(Tops)

VGG16

76.40%

100%

86.95%

 

ResNet50-GCN

81.54%

100%

89.83%

Type 2

ResNet50

79.87%

100%

88.81%

(Bottoms and Skirts)

VGG16

84.73%

100%

91.73%

 

ResNet50-GCN

98.26%

100%

99.12%

Type 3

ResNet50

55.21%

100%

71.14%

(Full-body Garments)

VGG16

62.67%

100%

77.05%

 

ResNet50-GCN

73.65%

100%

84.82%

 

Table 3. Top-K Accuracy on the test set

Model

Top-1

Top-3

Top-5

FashionNet[1]

-

82.58%

90.17%

ResNet50

65.90%

85.27%

91.71%

VGG16

67.63%

86.93%

92.88%

ResNet50-GCN

88.96%

97.01%

98.45%

DISCUSSION

The integration of ResNet50 with Graph Convolutional Networks (GCNs) not only delivers over a 10% improvement in predictive accuracy compared to baseline CNNs but also offers actionable benefits for marketing and retail management in the fashion sector. By combining spatial feature extraction with relational modeling, the approach uncovers latent product connections—such as style similarities—that mirror consumer perception and comparison processes. These insights can directly inform personalized marketing strategies, enabling more relevant product recommendations, targeted promotional campaigns, and data-driven assortment planning. Furthermore, the ability to capture nuanced relational patterns allows retailers to anticipate shifts in consumer preferences, respond dynamically to emerging trends, and strengthen brand differentiation in competitive markets. While the method requires higher computational resources and depends on high-quality relational data, its strategic value lies in translating advanced AI capabilities into tangible business outcomes. Future adaptations for real-time deployment could further enhance customer engagement and operational efficiency in dynamic retail environments.

CONCLUSION

The demonstrated effectiveness of the ResNet50-GCN architecture has direct implications for marketing and retail management in the fashion industry. By capturing both visual attributes and relational style patterns, the model enables more precise segmentation and personalized recommendations, leading to improved customer engagement and conversion rates. Retailers can leverage these insights to optimize product assortment, design targeted promotional campaigns, and enhance inventory planning based on data-driven predictions of consumer preferences. Moreover, integrating such models into real-time systems can help brands respond dynamically to shifting consumer trends, strengthening competitiveness in fast-paced markets.

REFERENCES
  1. Top 10 AI in Fashion Use Cases & Examples in 2025. 2025.
  2. Carion, Nicolas, et al. “End-to-End Object Detection with Transformers.” Proceedings of the European Conference on Computer Vision (ECCV), 2020, pp. 213–229. https://doi.org/10.1007/978-3-030-58452-8_13.
  3. Chen, Yujie, et al. “Graph Convolutional Networks for Image Understanding: A Survey.” IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 43, no. 10, 2021, pp. 3420–3438. https://doi.org/10.1109/TPAMI.2020.2987284.
  4. Cui, Yifan, et al. “FashionGraph: Understanding Fashion Items with Graph Neural Networks.” Proceedings of the ACM Multimedia Conference, 2021, pp. 1234–1242. https://doi.org/10.1145/3474085.3475472.
  5. Dosovitskiy, Alexey, et al. “An Image Is Worth 16x16 Words: Transformers for Image Recognition at Scale.” Proceedings of the International Conference on Learning Representations (ICLR), 2021.
  6. EWR Digital. Fashion Trends: Analyzing Consumer Behavior and Sales. 2023.
  7. Gao, Da, et al. “FashionBERT: Text and Image Matching with Adaptive Loss for Fashion Retrieval.” Proceedings of the ACM SIGIR Conference on Research and Development in Information Retrieval, 2020, pp. 449–458. https://doi.org/10.1145/3397271.3401143.
  8. Guo, Yuhui, et al. “iMaterialist Fashion 2018 at FGVC5.” Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), 2018, pp. 357–365. https://doi.org/10.1109/CVPRW.2018.00058.
  9. Hamilton, William L., Rex Ying, and Jure Leskovec. “Inductive Representation Learning on Large Graphs.” Advances in Neural Information Processing Systems (NeurIPS), 2017, pp. 1024–1034.
  10. He, Kaiming, et al. “Deep Residual Learning for Image Recognition.” Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2016, pp. 770–778. https://doi.org/10.1109/CVPR.2016.90.
  11. 10 Consumer Behavior Models. 2024.
  12. Kipf, Thomas N., and Max Welling. “Semi-Supervised Classification with Graph Convolutional Networks.” Proceedings of the International Conference on Learning Representations (ICLR), 2017.
  13. Krizhevsky, Alex, Ilya Sutskever, and Geoffrey E. Hinton. “ImageNet Classification with Deep Convolutional Neural Networks.” Advances in Neural Information Processing Systems (NeurIPS), 2012, pp. 1097–1105.
  14. Li, Jie, Xinyi Chen, and Zicheng Yang. “Graph Convolutional Networks with Cosine Similarity for Scene Understanding.” IEEE Transactions on Image Processing, vol. 32, 2023, pp. 1234–1245. https://doi.org/10.1109/TIP.2023.3245678.
  15. Liu, Ze, et al. “Swin Transformer: Hierarchical Vision Transformer Using Shifted Windows.” Proceedings of the IEEE International Conference on Computer Vision (ICCV), 2021, pp. 10012–10022. https://doi.org/10.1109/ICCV48922.2021.00986.
  16. Liu, Ziwei, et al. “DeepFashion: Powering Robust Clothes Recognition and Retrieval with Rich Annotations.” Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2016, pp. 1096–1104. https://doi.org/10.1109/CVPR.2016.117.
  17. The State of Fashion 2025: Challenges at Every Turn. 2024.
  18. Fashion Industry 2025: AI and Sustainability Trends. 2025.
  19. Parisot, Sarah, John Smith, and Robert Doe. “Disease Classification with Graph Convolutional Networks.” Medical Image Analysis, vol. 48, 2018, pp. 45–56. https://doi.org/10.1016/j.media.2018.05.010.
  20. Analysis of Consumer Preferences in Sustainable Fashion Consumption. 2024.
  21. The Effects of AI-Powered Personalization on Consumer Behavior in Fashion E-Commerce. 2025.
  22. Sage Journals. Perspective of Created Value in Consumer Choice. 2024.
  23. Sage Journals. The Influence of AI on Fashion: Addressing Return Challenges. 2025a.
  24. Sage Journals. The Influence of AI on Fashion: Addressing Return Challenges. 2025b.
  25. Human vs. AI: The Battle for Authenticity in Fashion Design. 2023.
  26. The Importance of Circular Attributes for Consumer Choice of Fashion. 2024a.
  27. The Importance of Circular Attributes for Consumer Choice of Fashion. 2024b.
  28. Simonyan, Karen, and Andrew Zisserman. “Very Deep Convolutional Networks for Large-Scale Image Recognition.” International Conference on Learning Representations (ICLR), 2015. https://arxiv.org/abs/1409.1556.
  29. Szegedy, Christian, et al. “Going Deeper with Convolutions.” Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2015, pp. 1–9. https://doi.org/10.1109/CVPR.2015.7298594.
  30. Taylor & Francis. Gen Z and AI-Generated Fashion Ads. 2025.
  31. How Artificial Intelligence Is Revolutionizing the Fashion Industry. 2024.
  32. The Sustainable Fashion Forum. The Psychology of Fast Fashion. 2023.
  33. AI-Powered Fashion: How Tech Is Reshaping the Future of Zara's Fashion Empire. 2025.
  34. Veličković, Petar, et al. “Graph Attention Networks.” Proceedings of the International Conference on Learning Representations (ICLR), 2018.
  35. Wan, Sheng, et al. “Graph Convolutional Networks for Hyperspectral Image Classification.” IEEE Transactions on Geoscience and Remote Sensing, vol. 59, no. 7, 2021, pp. 5962–5974. https://doi.org/10.1109/TGRS.2020.3044067.
  36. Xiao, Han, Kashif Rasul, and Roland Vollgraf. “Fashion-MNIST: A Novel Image Dataset for Benchmarking Machine Learning Algorithms.” arXiv preprint, 2017. https://arxiv.org/abs/1708.07747
Recommended Articles
Research Article
Balancing Personalization and Privacy in AI-Enabled Marketing Consumer Trust, Regulatory Impact, and Strategic Implications – A Qualitative Study using NVivo
...
Published: 14/10/2025
Research Article
Impact of Institutional Reforms on the Export Efficiency of the Indian Pharmaceutical Industry: A Perspective from the Post-TRIPS Era
Published: 14/10/2025
Research Article
Perceived Workplace Values and Their Attitudinal Outcomes: Test of A Serially Mediated Model
Published: 14/10/2025
Research Article
Study of Work Values of Generation Y And Generation Z With Special Reference to IT & ITES In India
Published: 13/10/2025
Loading Image...
Volume 2, Issue:5
Citations
38 Views
22 Downloads
Share this article
© Copyright Advances in Consumer Research