Skip to main content

ORIGINAL RESEARCH article

Front. Artif. Intell., 29 April 2024
Sec. AI in Business
Volume 7 - 2024 | https://doi.org/10.3389/frai.2024.1382566

Image sequence sorting algorithm for commercial tasks

Guillaume Grelier1 Miguel A. Casal2* Alvaro Torrente-Patiño1,2 Juan Romero1,2*
  • 1PhotoILike, Bergondo, Spain
  • 2RNASA Lab-IMEDIR, Department of Computer Science and Information Technologies, Faculty of Communication Science, University of A Coruña, A Coruña, Spain

Introduction: The sorting of sequences of images is crucial for augmenting user engagement in various virtual commercial platforms, particularly within the real estate sector. A coherent sequence of images respecting room type categorization significantly enhances the intuitiveness and seamless navigation of potential customers through listings.

Methods: This study methodically formalizes the challenge of image sequence sorting and expands its applicability by framing it as an ordering problem. The complexity lies in devising a universally applicable solution due to computational demands and impracticality of exhaustive searches for optimal sequencing. To tackle this, our proposed algorithm employs a shortest path methodology grounded in semantic similarity between images. Tailored specifically for the real estate sector, it evaluates diverse similarity metrics to efficiently arrange images. Additionally, we introduce a genetic algorithm to optimize the selection of semantic features considered by the algorithm, further enhancing its effectiveness.

Results: Empirical evidence from our dataset demonstrates the efficacy of the proposed methodology. It successfully organizes images in an optimal sequence across 85% of the listings, showcasing its effectiveness in enhancing user experience in virtual commercial platforms, particularly in real estate.

Conclusion: This study presents a novel approach to sorting sequences of images in virtual commercial platforms, particularly beneficial for the real estate sector. The proposed algorithm effectively enhances user engagement by providing more intuitive and visually coherent image arrangements.

1 Introduction

In the digital age, the potency of e-commerce hinges significantly on the art of presentation, especially within the visual-centric realm of online marketing. A paramount aspect of this presentation is the strategic deployment of images to convey accurate and appealing product narratives. This strategy, however, faces its quintessential challenge in ensuring the transmission of precise information (Jin and Gallimore, 2010). The conventional reliance on detailed written descriptions is undeniably foundational, yet the transformative power of images in enhancing these descriptions cannot be overstated. Quality imagery has a critical role in capturing attention and bolstering consumer confidence, ultimately driving purchase intentions (Chen and Teng, 2013; Di et al., 2014; Zakrewsky et al., 2016).

This visual imperative is particularly pronounced in the realm of real estate marketing. Here, the breadth and quality of property images directly influence potential buyers' interest (Thaler and Koch, 2023), and distinguish listings in a crowded market (Siebert and Seiler, 2022). The crux of effective visual presentation, therefore, lies in the intuitive and logical sequencing of these images (David Koch and Mayr, 2021). A coherent arrangement that clusters images by room or similarity not only eases navigation but significantly reduces cognitive strain, thereby enhancing the overall decision-making process (Cacioppo et al., 1996; Garbarino and Edell, 1997; Franco-Watkins et al., 2006).

Yet, the rapidly evolving real estate sector, with its increasing tilt toward automation in listing processes, often overlooks the nuanced task of image sequencing. The indiscriminate uploading of property photos without regard to their order poses a glaring challenge, highlighting a gap in the automated sorting mechanisms explored in other domains (Chaudhuri et al., 2018; Fan et al., 2022). The pivotal question, then, revolves around developing an algorithm capable of organizing these images in a manner that respects the inherent grouping without prior knowledge of these groups' specifics.

This problem can be seen and formalized as an Ordering Problem (see Section 2.1). While one approach might involve using a clustering algorithm to generate potential sub-groups, ordering elements based on these sub-groups can be challenging. If the number of clusters obtained from the algorithm differs from the initial number of subsets, achieving an accurate final order becomes unlikely. Therefore, this paper suggests an alternative method that increases the likelihood of obtaining an accurate order without requiring prior knowledge of the number of clusters. Note that the challenge arises precisely from not knowing the exact number of distinct rooms present; otherwise, applying a clustering algorithm would suffice.

Then, addressing the ordering problem requires a foundational shift toward a methodology grounded in the principle of similarity. By devising a similarity metric among the images, we aim at defining an algorithm solution to organize the elements in a way that those belonging to the same subset (e.g., images of the same room) are placed adjacently, thereby preserving the partition's integrity. This approach, while methodical, navigates the complexity of limited knowledge about the partition's structure and the count of subsets, challenging the straightforward application of clustering algorithms.

2 Methods

2.1 Ordering problem

An ordering problem consists of finding a permutation that maximizes (or minimizes) a certain quantity, and it can be mathematically formalized in a general manner, focusing on identifying permutations of elements in set A that preserve the structure of a given partition P. In simpler terms, the objective is to find orders of elements in A such that elements belonging to each subset within partition P appear consecutively (see Definition 2.2). To illustrate, consider A as a collection of bedroom photos, with P being a partition where each subset comprises photos of the same bedroom.

For notation purposes, let n ≥ 1 be a finite set, and Sn denote the symmetric group of order n. The cardinality of a set A is denoted by |A|. Any σ ∈ Sn is referred to as a permutation. The vector space of real square matrices of size n is denoted by Mn().

The ordering problem can be seen as a variation on the traveling salesman problem, where the aim is to travel through all the towns once and only once, minimizing the total distance and without returning to the starting point. Formally, the definition is the following:

Definition 2.1. Let M=(mi,j)1i,jnMn() and SSn. The ordering problem associated to M and S is the following optimization problem:

maxσSi=1n-1mσ(i),σ(i+1).

For simplicity, we define the function fM:Sn → ℝ by fM(σ)=i=1n-1mσ(i),σ(i+1). The ordering problem associated to M and S consists in maximizing fM over S.

Of course, since the set over which we are minimizing is finite, there is always a solution. The difficulty lies in finding a solution computationally in a reasonable time. In fact, it can be proved that the previous problem is an NP-hard problem in combinatorial optimization when S = Sn (Opatrny, 1979).

There are many well-known algorithmic methods for solving this kind of problem. If n is small, it is possible to go through all the permutations of Sn in order to maximize fM. However, if n is large (typically, when n > 10), the cardinal of Sn being n! we need to find an alternative method. There are a number of methods for finding an approximate solution to the traveling salesman problem. Here we will quickly present a well-known algorithm that is easy to implement, fast and more than sufficient for our purposes: the nearest neighbor algorithm. Depending on the problem, it may of course be necessary to use a more complex algorithm to maximize fM since, in general, the nearest neighbor algorithm does not give an optimal solution.

Let M=(s(xi,xj))1i,jnMn(). Define fM as in Definition 2.1. Let xi1 be an aleatory starting point. We then choose the element xi2 closest to it, i.e., the one that maximizes the quantity s(xi1, xi2). We repeat the process, looking for the element xi3 closest to xi2. When all the elements have been used, we stop. For each starting point xi, we obtain a permutation σi. The final permutation is obtained by choosing the σi permutation satisfying fM(σi)=max1jnfM(σj). The pseudo-code detailed in Algorithm 1:

Algorithm 1
www.frontiersin.org

Algorithm 1. Nearest neighbor algorithm.

In many applications, a starting point can be necessary. For example, in our case, it might be interesting to choose the photo with the highest commercial appeal as the initial point. If a starting point xi0 is required, the for loop should of course be removed and only the permutations σ such that xσ(1) = xi0 are considered.

2.2 Ordering algorithm with unknown partition

Definition 2.2. Let n ≥ 1 and let A={x1,...,xn} be a set of cardinal n. Let P={A1,...,Ap} be a partition of A. We say that a permutation σ ∈ Sn preserves P if

i{1,...,p} j{1,...,n} such that xσ(j),xσ(j+1),...,xσ(j+|Ai|-1)Ai,

i.e., for all i ∈ {1, ..., p}, the elements of Ai are found successively in the ordered sequence xσ(1), xσ(2), ..., xσ(n). The set of permutations preserving P will be denoted by O(P).

The partition P is not known, and we want to find a method to discover a permutation that preserves P. We will see that such permutations can be obtained by solving an ordering problem associated with a well-chosen matrix M.

In our case, O(P) represents the set of permutations in which the photos belonging to the same room are consecutive. Since the objective is to determine the permutations that preserve P, it is useful to determine how many there are.

Proposition 2.3. Let A be a finite set and let P={A1,...,Ap} be a partition of A. Then |O(P)|=p!k=1p|Ak|!.

Proof.There are p! ways of ordering the sets Ai. Then, in each set Ai, there are |Ai|! ways of permuting its elements. The result is then obtained.

Although intuitively trivial, we deduce that any permutation preserves P if and only if p = 1 or p = n. This corresponds to cases where the partition has only one set, or where all the sets in the partition are singletons.

Since P is not necessarily known, we have to find a way to determine the set of permutations preserving P. One way of doing this is to determine the functions defined on Sn whose maxima are permutations that preserve P:

Definition 2.4. Let f:Sn → ℝ. We say that f is compatible with P if argmax(f)O(P) and we write fC(P). If moreover, f ≥ 0, we write fC+(P).

It is clear that there always exists a function f which is compatible with P. In fact, let ΓO(P) and define f by

f(σ)={1   if σΓ0   if not

It is clear that fC(P). The following result shows that there are many functions compatible with P. We recall that C(Sn) is the set of continuous real functions defined on Sn (since Sn is discrete, this refers to simply real functions defined on Sn).

Proposition 2.5. C(Sn)=C+(P)-C+(P).

Proof. Let fC(Sn) such that f ≠ 0. Since C+(P) is stable by adding a positive constant, we can and do suppose that f > 0. We define f1,f2C(Sn) by

f1(σ)={f(σ)if σO(P)0if not  and f2(σ)={0if σO(P)f(σ)if not

It is clear that f = f1f2. Since f > 0, f1 and f2 reached their maxima on O(P), i.e., f1,f2C(P). Now pick α > 0 such that g1: = f1 + α > 0 and g2: = f2 + α > 0. We have f=g1-g2C+(P)-C+(P).

If P is unknown, it can therefore be difficult to determine a function f which is compatible with P. Depending on the desired order, the f function must be chosen on the basis of the data so that it is compatible with P. Then, by maximizing f, we will obtain an acceptable solution associated to P.

We are going to look for functions that are compatible with P and have a particular form:

Definition 2.6. Let M=(mi,j)1i,jnMn(). The permutations maximising the function fM:Sn → ℝ defined by

fM(σ)=i=1n-1mσ(i),σ(i+1)

are called longest paths of M. We say that M is compatible with P if fM is compatible with P. In other words, M is compatible with P if any of its longest paths is a permutation preserving P.

One can ask if any function of C(P) is of the form fM for some MMn(). Unfortunately it is easily seen that {fM}MMn() is a strict subset of C(P). In fact, the map T:Mn()C(Sn) defined by T(M) = fM is linear. It follows that {fM}MMn()Im(T) with dim(Im(T)) ≤ n2. We have that dim(span(C(P)))=n! by Proposition 2.5. In particular, if n > 1, we have that {fM}MMn()C(P). Although the fM functions form a small subset of C(P), they are the functions that are most natural to define in practice. In fact, the matrix M can be seen as a similarity matrix where mi, j is the similarity coefficient between xi and xj.

Definition 2.7. Let s:A2 and define M = (s(xi, xj))1 ≤ i, jn. We say that s describes P if M is compatible with P.

The best function describing P is defined as follows:

Example 2.8. Let s:A2 defined by s(xi, xj) = 1 if there exists k ∈ {1, ..., p} such that i, jAk and s(xi, xj) = 0 if not. Define M = (s(xi, xj))1 ≤ i, jn. It is easy to see that fM(σ) ≤ np for all σ ∈ Sn with equality if and only if σO(P). In particular, M is compatible with P, i.e., s describes P.

We are now ready to propose a simple algorithm (Algorithm 2) to find permutations that are compatible with a given partition:

Algorithm 2
www.frontiersin.org

Algorithm 2. Ordering algorithm.

The entire challenge lies in finding a similarity measure that captures the essence of P. In our case, the goal is to discover a similarity measure where the value is high for photos of the same room and low for photos of different rooms.

It is possible that the longest path does not pass through two points with high similarity. This phenomenon is amplified in practice when a starting point is chosen. Consider the similarity matrix

M=(s(xi,xj))1i,j4=(10.50.70.50.510.50.20.70.510.50.50.20.51).

Suppose we want our starting point to be x1. In view of the similarity matrix, points x1 and x3 are the most similar. We therefore expect them to be part of the same group and the optimal path to visit them successively. However, the maximum path starting at x1 is given by x1, x2, x3, x4 and has a length of 1.5, while the path x1, x3, x2, x4 has a length of 1.4. It can therefore be useful to force the algorithm to pass successively through pairs of points with a high similarity. For this reason, we propose the following modification (Algorithm 3) to the previous algorithm that can be applied to any matrix M.

Algorithm 3
www.frontiersin.org

Algorithm 3. Improved ordering algorithm.

The previous algorithm forces pairs of elements whose similarity is sufficiently high to follow each other in the final order. Of course, if a starting point xi0 is desired, then S should be defined as the subset of Sn consisting of the permutations σ satisfying xσ(1) = xi0. It should be borne in mind that the use of a starting point, although necessary for certain applications, can only worsen the performance of the algorithm.

2.3 Dataset

Our dataset comprises 295 property ads, each containing varying numbers of photos. Each photo is labeled, identifying the specific room category it belongs to (e.g., bedroom, living room, exterior,...). For the purpose of this analysis, we focus solely on bedroom photos within each property listing, since it is likely to find a varying number of bedrooms across ads. Therefore, our dataset can be represented as a collection of sets: C={Ai}1i295, where each Ai corresponds to a set of ni bedroom photos (with potential errors from the initial model, although this doesn't impact the ordering algorithm's structure). For each Ai, the objective is to arrange the photos in such a manner that pictures of the same bedroom are contiguous. Consequently, for each Ai, there exists an unknown partition Pi of Ai, where each subset comprises photos of the same bedroom. An example of bedroom-categorized advertisement photos is shown in Figure 1.

Figure 1
www.frontiersin.org

Figure 1. Photos of bedrooms in an ad.

In case |Pi|=1 or |Pi|=ni, any order would be a solution (see Proposition 0.0.3). We will therefore eliminate the elements Ai verifying this condition since, regardless of the model, the result will be good. After these eliminations, our dataset C contains 211 elements. In order to avoid over-complicating the notations, we will still write C={Ai}1ik with k = 211 and where each Ai is a set of ni.

2.4 Application to image ordering

Recall that our dataset a set of C={Ai}1ik, where k = 211 and each Ai is a set of ni bedroom photos. For each Ai, the objective is to order the photos in such a way that the photos of the same room follow one another. That is, if Pi is the unknown partition of Ai where each set of which consists of photos of the same room, we want to find a permutation preserving Pi.

2.4.1 Embedding vectors

An embedding vector serves as a condensed representation that encapsulates the informational essence held within an image or text (Gutiérrez and Keith, 2019; Schwalbe, 2022). Through a complex process of feature extraction and transformation, an image is translated into a numerical vector that captures key visual characteristics and patterns. This vector, known as the embedding vector, effectively distills the image's relevant information into a more compact and manageable format. This process enables efficient storage, comparison, and analysis of images, making it an indispensable tool in various applications such as image retrieval, similarity assessment, and even machine learning tasks where image data is a crucial input.

This embedding process is commonly achieved through the utilization of a neural network known as an image encoder. The image encoder is specifically designed to take raw image data as input and transform it layer by layer into a meaningful and compact embedding vector. This network leverages its learned weights and architecture to extract hierarchical features from the image, gradually abstracting away from low-level pixel information to higher-level semantic representations. As the image progresses through the layers of the encoder, its distinctive features and attributes are progressively distilled into the final embedding vector, creating a powerful and condensed representation that captures the image's essence. This integration of deep learning techniques within the image embedding process enhances the ability to capture intricate patterns, allowing for more effective downstream tasks that rely on these embeddings.

Notation 2.9. When using an image encoder e, the dimension of the embedding vector will be denoted as m. Moreover, if I is an image, the corresponding embedding vector will be denoted by e(I) ∈ ℝm.

In our case, we will use the image encoders of two algorithms: CLIP (Radford et al., 2021) and BLIP (Li et al., 2022), two of the currently most effective algorithms.

2.4.1.1 CLIP

The embedding vector obtained thanks to the image encoders of the CLIP algorithm is a vector of a vector of m = 512 coordinates. To obtain this image encoding, CLIP uses a deep neural network called the “image encoding network”. This network is a crucial part of the overall CLIP model, which combines image encoding with text encoding to perform multimodal tasks. The image encoding network is pretrained on a large dataset of images from the internet in an unsupervised manner before being fine-tuned using the contrastive process, as mentioned in the previous response. Through this training, the network learns to extract important and semantically meaningful visual features from images, creating a 512-dimensional vector that captures key information about the image.

Notation 2.10. The image encoder of CLIP will be denoted by c.

2.4.1.2 BLIP

The BLIP image encoder returns an embedding matrix of dimensions 32 × 256 (meaning that m = 8192). They incorporate a visual transformer as our image encoder, which breaks down input images into patches and converts them into a sequence of embeddings. An additional token is included to represent the overall image feature. This choice offers advantages over the use of pretrained object detectors for visual feature extraction, as it is computationally more efficient. This approach has gained popularity in recent methodologies for its effectiveness in image processing tasks.

Notation 2.11. The image encoder of BLIP will be denoted by b.

2.4.2 Image ordering algorithm

In order to compare two embedding vectors, we will consider a similarity measure S:(ℝm)2 → ℝ+ and then calculate the arithmetic mean of this measure evaluated on the images themselves and on their symmetrical images. We then obtain a similarity measure s which will be used to order the images. Its calculation is given in the following algorithm. Before that, we just introduce the following notation:

Notation 2.12. Let m ≥ 1. If x ∈ ℝm and v ∈ ℝm is a vector such that vi ∈ {0, 1} for all i ∈ {1, ..., m}, we denote by xv the vector given by vx=i=1mvixiei where (ei)1 ≤ im is the canonical basis of ℝm.

Many image encoders are sensitive to axial symmetries due to the nature of the neural networks it employs. The deep neural networks are designed to learn and recognize patterns and features in images. When the image is transformed by axial symmetry (horizontal or vertical flipping), the spatial arrangement of visual elements changes. Consequently, the network may extract different features from the transformed image compared to the original one. Since these algorithms encode images based on these extracted features, the resulting feature vector representing the transformed image will differ from the one representing the original image. As a result, when these algorithms compare an image with its axially symmetrical counterpart or with textual descriptions, the differences in feature extraction can influence the perceived similarity between the images or the alignment with the provided text. This is why we propose the following computation (Algorithm 4) of the similarity matrix:

Algorithm 4
www.frontiersin.org

Algorithm 4. Similarity matrix.

The v vector is a binary vector which selects variables. If there is no knowledge of the importance of the variables, it is sufficient to consider that v is the vector of ℝm whose coordinates are all 1. We will then propose a method for selecting the important variables using a genetic algorithm (see Section 2.4.3).

The choice of the similarity measure S depends, of course, on the problem in question. For example, one can consider the cosine similarity or metrics based on geometrical distances (Martinez et al., 2024) given by S(x,y)=11+||x-y|| where ||.|| is a norm of ℝm. Here we will use the ℓ2-norm ||.||2. In our case, the measure that gave the most significant results is the cosine similarity.

We are now ready to present our image ordering algorithm (Algorithm 5) as follows:

Algorithm 5
www.frontiersin.org

Algorithm 5. Ordering algorithm.

2.4.3 Feature selection using genetic algorithm

Feature selection utilizing a genetic algorithm is pivotal for refining our understanding and application of multivariable analysis in this study. Specifically, we delve into the intricate relationships between multiple predictor variables—features extracted from image embeddings—and the response variable, which is the accuracy of image sequencing, quantified as the well-ordering rate. Through this analysis, we aim to uncover the most impactful features that enhance the precision of image ordering and explore the dynamics of their interactions.

In our study, multivariable analysis critically examines the interplay between multiple predictor variables, specifically features extracted from image embeddings, and the response variable—image sequencing accuracy, measured by the well-ordering rate. This analysis is pivotal for identifying features that significantly enhance ordering accuracy and understanding their synergistic interactions.

In this endeavor, the genetic algorithm emerges as a cornerstone, facilitating the discernment of a subset of features within the high-dimensional embedding vectors that are paramount for efficacious image sorting. This entails a meticulous process of evaluating the performance imparted by various feature subsets on the image ordering task, followed by an iterative refinement of these subsets to optimize the well-ordering rate.

Feature selection is not merely about enhancing algorithmic accuracy; it's also about augmenting data clarity by mitigating noise and bolstering computational efficiency. Our goal is to pinpoint the specific coordinates within the embedding vector that hold significance for image classification. With a preliminary understanding that the binary vector v constituted all ones, the introduction of a genetic algorithm to refine the selection of v represents a strategic pivot. We focus on the embedding vectors generated by BLIP, specifically targeting the pivotal coordinates for image ordering. Given that these vectors comprise 32 sub-vectors, each with 256 coordinates, our selection process simplifies each sub-vector into a singular variable for feature selection.

Genetic algorithms, a well-entrenched optimization technique (Slowik and Kwasnicka, 2020; Sohail, 2023), are adeptly employed for variable selection. The aim is to isolate an optimal subset of variables that elevate the designated fitness function. Within the population of the genetic algorithm, each individual signifies a potential subset of variables, denoted by a binary vector that marks the inclusion (1) or exclusion (0) of each variable (each sub-vector). This systematic approach culminates in the identification of the optimal variable subset, significantly enhancing the efficiency and efficacy of image ordering in our dataset. The primary steps of the genetic algorithm are illustrated in Figure 2, with detailed explanations provided below:

(1) Initialize population: The GA initiates by creating a population of individuals, each possessing a binary string of 0s and 1s, indicating the inclusion (1) or exclusion (0) of variables in the subset.

(2) Fitness evaluation: Compute the fitness score for each individual in the population. In this specific application, the fitness function is defined as the well-ordering rate, where a higher fitness score signifies a more effective subset of variables.

(3) Parent selection: Individuals are chosen for reproduction based on their fitness scores. The probability of selecting each individual as a parent is proportional to its fitness score such that pselection=fiifi.

(4) Crossover: Crossover is performed with a probability (pcrossover = 0.8). Two parents are randomly selected from the parent pool, and a crossover point is chosen. The offspring are generated by swapping the binary strings of the parents at the crossover point, creating two new individuals.

(5) Mutation: Mutation occurs with a specified probability (pmutation = 0.1) for each bit of an individual. If mutation occurs, the bit is flipped (0 becomes 1, and vice versa), introducing exploration and aiding the algorithm in escaping local optima.

(6) Next generation: The new population is formed by repeating the crossover and mutation process for the entire population.

(7) Termination: The GA runs for a predefined number of generations. Upon completion of the specified number of generations, the algorithm returns the best individual found during the process, representing the optimal subset of variables.

Figure 2
www.frontiersin.org

Figure 2. Scheme of the genetic algorithm used.

As aforementioned, the fitness function is given by the well-ordering rate, that is detailed in Algorithm 6:

Algorithm 6
www.frontiersin.org

Algorithm 6. Fitness function.

3 Results

In this section, we present the results of Algorithm 5 applied to our problem. To do so, we will evaluate the results based on the numbers of adds that are well-ordered. This means, with an accuracy metric for all the ads called the well-ordering rate:

Definition 3.1. Let C={Ai}1ik our set of sets of images and for each i ∈ {1, ..., k}, let Pi be a partition of Ai and σiSni (where ni = |Ai|). We define well-ordering rate by

τ=1k|{i{1,...,k} : σi preserves Pi}|.

Here Ai is a set of images, Pi is the partition of Ai whose sets contains the photos of the same bedroom and σi is a permutation obtained thanks to Algorithm 5. Results are shown in Table 1.

Table 1
www.frontiersin.org

Table 1. Results with symmetrization.

It is worth recalling that the value of nmax determines the threshold at which we employ an approximate solving method to determine an optimal solution. The more you increase nmax, the better the results will be. However, for computational reasons, it is wise to choose a value between 10 and 12.

As mentioned in Section 2.4.2, image encoders are sensitive to axial symmetries. We can indeed confirm this here. Results from replacing the similarity measure of Algorithm 4 by s(i, j) = S(e(Ii)v, e(Ij)v) are shown in Table 2.

Table 2
www.frontiersin.org

Table 2. Results without symmetrization.

One thing that is interesting to note is that, unlike CLIP, BLIP seems to have little sensitivity to image orientation, since the results are very similar (with τ varying by only 0.4% for BLIP, compared to 3.3% for CLIP.)

Previous results were obtained without performing any feature selection. We then upgraded the model by applying a genetic algorithm to perform feature selection (see Section 2.4.3). Note that since the results are significantly better with BLIP than with CLIP, we confine ourselves here to improving on the results of the algorithm using BLIP. We used cosine similarity for the fitness similarity measure S. Considering a population of 50 and 10 generations, we obtained a vector vGA that we can use in Algorithm 5. For computational reasons, we lower nmax to 9 and we obtained that well-ordering rate has therefore increased by 4.8%, as shown in Table 3.

Table 3
www.frontiersin.org

Table 3. Results with GA.

4 Discussion

In the discussion of our findings, it's important to contextualize the implications of our approach for the broader field of image processing and its applications in online commerce. Our method, while specifically tailored to address the challenge of sorting property listing images, holds potential for a wide range of applications where image order and selection are critical. By grounding our solution in a general mathematical framework and leveraging semantic image embedding, we offer a path forward for similar challenges across various domains.

The employment of a genetic algorithm for semantic variable selection underscores the adaptability of our approach. This adaptability is crucial, as it suggests that with appropriate tuning, our method can be extended to other types of datasets or sorting criteria. For instance, in e-commerce, where the visual presentation of products can significantly influence consumer behavior, our algorithm could be used to optimize the arrangement of product images to highlight features most likely to appeal to customers.

Irrespective of the specific field of application, the predominant methodology for image sorting has traditionally leveraged clustering techniques, which range from classical machine learning approaches like k-means or k-nearest neighbors to more advanced neural network frameworks (Rorissa and Hastings, 2004; Liang et al., 2023). While such methods offer rapid processing and effectively categorize images into distinct subsets, they fundamentally execute a classification-centric sorting strategy. This approach does not account for the ordering within these subsets, nor does it address the aspect of sequentiality that is critical in the context of the current study and others focused on e-commerce applications.

Previous research has explored the automation of product image sequencing in the e-commerce domain (Chaudhuri et al., 2018; Fan et al., 2022). However, the realm of real estate listings presents a notably more intricate challenge. This complexity stems from the diversity and uncertainty associated with subproducts, such as the various rooms and types of rooms, each with their unique 3D shapes and elements. This scenario is markedly different from simpler products like smartphones or clothing, where the variability and spatial considerations are significantly less pronounced. Consequently, the methodologies and solutions developed for simpler product categories fall short of addressing the intricate demands and nuances of the real estate sector.

One of the notable challenges in our study is associated with the methodology grounded in similarity distance metrics. This approach inherently positions images with high similarity—including identical ones—next to each other in the sequence, inadvertently overlooking the potential issue of redundancy. Our research operates under the presumption that each image contributes a meaningful and complementary information when compared to others. However, this assumption might not always hold true, particularly in scenarios where photographs are captured and selected for marketing purposes, with the aim of automating the process of compiling images for a commercial advertisement. An example of redundancy within the realm of real estate marketing might involve multiple shots of the same room captured from slightly varied angles, which, in essence, fail to furnish additional valuable information to the prospective buyer.

In practical applications, especially in digital marketing and online advertising, the presence of redundant images could dilute the effectiveness of the visual narrative, potentially overwhelming or disengaging the target audience. Recognizing and eliminating redundancy not only streamlines the content but also enhances the user experience by presenting a concise and focused array of images that collectively convey a more powerful message. Image sequence generation for products in e-commerce has been already addressed taking into account redundant images (Chaudhuri et al., 2018; Fan et al., 2022). However, the methodologies applied are far from the approach required to sorting with subsets restrictions and could not be integrated in the present study.

Therefore, addressing the limitation of redundancy is paramount for advancing the utility and efficiency of automated image sorting systems. Future research directions should include the development of algorithms capable of discerning and filtering out redundant images. This involves integrating more sophisticated measures that go beyond mere visual similarity, incorporating aspects such as semantic content, emotional appeal, and narrative coherence to ensure that each selected image adds distinct value to the collection. Following on the previous example of redundant images, another approach could involve leveraging image stitching algorithms to pinpoint and identify redundant photographs (Wu and Cai, 2012). Such advancements could significantly refine the process of automating commercial advertisements, offering more dynamic, engaging, and effective visual presentations.

By tackling this challenge, subsequent studies can pave the way for more intelligent automation solutions that are not only adept at organizing images but also at curating content that resonates more deeply with viewers. This progression is crucial for leveraging the full potential of automated systems in enhancing the strategic presentation of images in commercial contexts, ultimately driving greater engagement and conversion in digital marketing campaigns.

Furthermore, our study opens up several additional avenues for future research. One immediate area of interest is the exploration of different semantic features and their impact on sorting efficacy. As we have seen, certain features contribute more significantly to performance than others. A deeper understanding of these dynamics could lead to more refined algorithms that are both more efficient and effective.

Another potential direction is the investigation of alternative algorithms or enhancements to the genetic algorithm used in our study. While our approach has demonstrated promising results, there is always room for improvement in computational efficiency or sorting accuracy. Exploring machine learning techniques that can learn optimal sorting strategies from data, rather than relying on predefined semantic features, might offer new insights and improvements.

Lastly, the practical implications of our research for real-world applications should not be overlooked. Integrating our sorting solution into online platforms could significantly enhance user experience by providing more intuitive and visually coherent image arrangements. However, achieving this integration poses its own set of challenges, including scalability, platform compatibility, and user interface design considerations.

In conclusion, while our study specifically addresses the challenge of sorting images in property listings, the implications of our work extend far beyond this context. The principles and methodologies we have developed offer valuable insights and tools for a wide range of applications in online commerce and beyond. Future research, building on our findings, has the potential to further refine and expand the applications of these techniques, contributing to the advancement of the field of image processing and its practical applications.

Data availability statement

The data analyzed in this study is subject to the following licenses/restrictions: portion of the data available upon reasonable requests sent to the authors. Requests to access these datasets should be directed to jj@udc.es.

Author contributions

GG: Formal analysis, Methodology, Writing – original draft. MC: Methodology, Supervision, Visualization, Writing – review & editing. AT-P: Data curation, Writing – review & editing. JR: Conceptualization, Funding acquisition, Supervision, Writing – review & editing, Investigation.

Funding

The author(s) declare that financial support was received for the research, authorship, and/or publication of this article. This study has been funded by the Consolidation Aid of the Xunta ED431C 2022/46. Also, this work received funding with reference PID2020-118362RB-I00, from the State Program of R+D+i Oriented to the Challenges of the Society of the Spanish Ministry of Science, Innovation, and Universities. Finally, PhotoILike received support from the Spanish Ministry for Science and Technology, through the Center for The Industrial Technological Development (CDTI), with the 2023 NEOTEC Grant (SNEO-20222114).

Conflict of interest

GG, AT-P, and JR were employed by PhotoILike.

The remaining author declares that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher's note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

References

Cacioppo, J. T., Petty, R. E., Feinstein, J. A., and Jarvis, W. B. G. (1996). Dispositional differences in cognitive motivation: The life and times of individuals varying in need for cognition. Psychol. Bull. 119:197. doi: 10.1037/0033-2909.119.2.197

Crossref Full Text | Google Scholar

Chaudhuri, A., Messina, P., Kokkula, S., Subramanian, A., Krishnan, A., Gandhi, S., et al. (2018). “A smart system for selection of optimal product images in e-commerce,” in 2018 IEEE International Conference on Big Data (Big Data), 1728–1736.

Google Scholar

Chen, M.-Y., and Teng, C.-I. (2013). A comprehensive model of the effects of online store image on purchase intention in an e-commerce environment. Electron. Commer. Res. 13, 1–23. doi: 10.1007/s10660-013-9104-5

Crossref Full Text | Google Scholar

David Koch, S. T., and Mayr, R. (2021). Order versus disorder — the impact on value estimates of durable consumption goods. Appl. Econ. Lett. 28, 1635–1640. doi: 10.1080/13504851.2020.1841081

Crossref Full Text | Google Scholar

Di, W., Sundaresan, N., Piramuthu, R., and Bhardwaj, A. (2014). “Is a picture really worth a thousand words? - on the role of images in e-commerce,” in Proceedings of the 7th ACM International Conference on Web Search and Data Mining, WSDM '14 (New York, NY: Association for Computing Machinery), 633–642.

Google Scholar

Fan, X., Zhang, C., Yang, Y., Shang, Y., Zhang, X., He, Z., et al. (2022). “Automatic generation of product-image sequence in e-commerce,” in Proceedings of the 28th ACM SIGKDD Conference on Knowledge Discovery and Data Mining, KDD '22 (New York, NY: Association for Computing Machinery), 2851–2859.

Google Scholar

Franco-Watkins, A. M., Pashler, H., and Rickard, T. C. (2006). Does Working Memory Load Lead to Greater impulsiVity? Commentary on Hinson, Jameson, and Whitney. Washington, DC: American Psychological Association. (2003).

Google Scholar

Garbarino, E. C., and Edell, J. A. (1997). Cognitive effort, affect, and choice. J. Cons. Res. 24, 147–158. doi: 10.1086/209500

Crossref Full Text | Google Scholar

Gutiérrez, L., and Keith, B. (2019). “A systematic literature review on word embeddings,” in Trends and Applications in Software Engineering, eds J. Mejia, M. Muñoz, Á. Rocha, A. Peña, M. and Pérez-Cisneros (Cham: Springer International Publishing), 132–141.

Google Scholar

Jin, C., and Gallimore, P. (2010). The effects of information presentation on real estate market perceptions. J. Prop. Res. 27, 239–246. doi: 10.1080/09599916.2010.518404

PubMed Abstract | Crossref Full Text | Google Scholar

Li, J., Li, D., Xiong, C., and Hoi, S. (2022). Blip: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation.

Google Scholar

Liang, J., Cui, Y., Wang, Q., Geng, T., Wang, W., and Liu, D. (2023). “Clusterfomer: clustering as a universal visual learner,” in Advances in Neural Information Processing Systems, Vol. 36, eds A. Oh, T. Neumann, A. Globerson, K. Saenko, M. Hardt, and S. Levine (Curran Associates, Inc.), 64029–64042.

PubMed Abstract | Google Scholar

Martinez, L., Montes, M., Zezzatti, A. O., Ponce, J., and Guzmán, E. (2024).“Searcher for clothes on the web using convolutional neural networks and dissimilarity rules for color classification using euclidean distance to color centers in the hsl color space,” in Advances in Computational Intelligence. MICAI 2023 International Workshops, eds H. Calvo, L. Martínez-Villaseñor, H. Ponce, R. Zatarain Cabada, M. Montes Rivera, and E. Mezura-Montes (Cham: Springer Nature Switzerland), 159–169.

Google Scholar

Opatrny, J. (1979). Total ordering problem. SIAM J. Comp. 8, 111–114. doi: 10.1137/0208008

Crossref Full Text | Google Scholar

Radford, A., Kim, J. W., Hallacy, C., Ramesh, A., Goh, G., Agarwal, S., et al. (2021). Learning Transferable Visual Models From Natural Language Supervision.

Google Scholar

Rorissa, A., and Hastings, S. K. (2004). Free sorting of images: attributes used for categorization. Proc. Am. Soc. Inf. Sci. Technol. 41, 360–366. doi: 10.1002/meet.1450410142

PubMed Abstract | Crossref Full Text | Google Scholar

Schwalbe, G. (2022). Concept Embedding Analysis: A reView.

Google Scholar

Siebert, R., and Seiler, M. (2022). Why do buyers pay different prices for comparable products? A structural approach on the housing market. J. Real Est. Finan. Econ. 65, 1–32. doi: 10.1007/s11146-021-09841-5

Crossref Full Text | Google Scholar

Slowik, A., and Kwasnicka, H. (2020). Evolutionary algorithms and their applications to engineering problems. Neural Comp. Appl. 32, 12363–12379. doi: 10.1007/s00521-020-04832-8

Crossref Full Text | Google Scholar

Sohail, A. (2023). Genetic algorithms in the fields of artificial intelligence and data sciences. Ann. Data Sci. 10, 1007–1018. doi: 10.1007/s40745-021-00354-9

Crossref Full Text | Google Scholar

Thaler, S., and Koch, D. (2023). Real estate pictures: the role of furniture preferences in subjective valuation. J. Housing Res. 32, 180–203. doi: 10.1080/10527001.2023.2168585

Crossref Full Text | Google Scholar

Wu, X., and Cai, M. (2012). An auto-sorting algorithm for image sequences with different sizes in image stitching. Intell. Automat. Soft Comp. 18, 861–872. doi: 10.1080/10798587.2012.10643294

Crossref Full Text | Google Scholar

Zakrewsky, S., Aryafar, K., and Shokoufandeh, A. (2016). Item popularity prediction in e-commerce using image quality feature vectors.

Google Scholar

Keywords: image ordering, semantic representation, image embedding, real estate, evolutionary computing, feature selection

Citation: Grelier G, Casal MA, Torrente-Patiño A and Romero J (2024) Image sequence sorting algorithm for commercial tasks. Front. Artif. Intell. 7:1382566. doi: 10.3389/frai.2024.1382566

Received: 05 February 2024; Accepted: 08 April 2024;
Published: 29 April 2024.

Edited by:

Sara Ramezani, University of Tehran, Iran

Reviewed by:

Alberto Ochoa Zezzatti, Universidad Autónoma de Ciudad Juárez, Mexico
Salim Karimi Takalo, Vali-E-Asr University of Rafsanjan, Iran
Mahdi Dehghani Soltani, Vali-E-Asr University of Rafsanjan, Iran

Copyright © 2024 Grelier, Casal, Torrente-Patiño and Romero. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Miguel A. Casal, miguel.casal@udc.es; Juan Romero, jj@udc.es

Download