Next Article in Journal
Adaptive Kalman Filter Fusion Positioning Based on Wi-Fi and Vision
Previous Article in Journal
Activity and Behavioral Recognition Using Sensing Technology in Persons with Parkinson’s Disease or Dementia: An Umbrella Review of the Literature
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Efficient Deep Learning-Based Detection Scheme for MIMO Communication Systems

by
Roilhi F. Ibarra-Hernández
1,
Francisco R. Castillo-Soria
1,*,
Carlos A. Gutiérrez
1,
José Alberto Del-Puerto-Flores
2,*,
Jesus Acosta-Elias
1,
Viktor I. Rodriguez-Abdala
3 and
Leonardo Palacios-Luengas
4
1
Faculty of Science, Autonomous University of San Luis Potosí, Av. Chapultepec 1570, Privadas del Pedregal, San Luis Potosí 78295, Mexico
2
Facultad de Ingeniería, Universidad Panamericana, Álvaro del Portillo 49, Zapopan 45010, Mexico
3
Unidad Académica de Ingeniería Eléctrica, Universidad Autónoma de Zacatecas, Carr. Zac-Gdl, Km 6, Zacatecas 98610, Mexico
4
Department of Electrical Engineering, Autonomous Metropolitan University (UAM) Iztapalapa, Av. San Rafael Atlixco 186, Iztapalapa, Mexico City 09340, Mexico
*
Authors to whom correspondence should be addressed.
Sensors 2025, 25(3), 669; https://doi.org/10.3390/s25030669
Submission received: 13 December 2024 / Revised: 15 January 2025 / Accepted: 21 January 2025 / Published: 23 January 2025
(This article belongs to the Section Communications)

Abstract

:
Multiple input-multiple output (MIMO) is a key enabling technology for the next generation of wireless communication systems. However, one of the main challenges in the implementation of MIMO system is the complexity of the detectors when the number of antennas increases. This aspect will be crucial in the implementation of future massive MIMO systems. A flexible design can offer a convenient tradeoff between detection complexity and bit error rate (BER). Deep learning (DL) has emerged as an efficient method for solving optimization problems in different areas. In MIMO communication systems, neural networks can provide efficient and innovative solutions. This paper presents an efficient DL-based signal detection strategy for MIMO communication systems. More specifically, a preprocessing stage is added to label the input signals. The labeling scheme provides more information about the transmitted symbols for better training. Based on this strategy, two novel schemes are proposed and evaluated considering BER performance and detection complexity. The performance of the proposed schemes is compared with the conventional one-hot (OH) scheme and the optimal maximum likelihood (ML) criterion. The results show that the proposed OH per antenna (OHA) and direct symbol encoding (DSE) schemes reach a classification performance F1-score of 0.97. Both schemes present a lower complexity compared with the conventional OH and the ML schemes, used as references. On the other hand, the OHA and DSE schemes have losses of less than 1 dB and 2 dB in BER performance, respectively, compared to the OH scheme. The proposed strategy can be applied to adaptive systems where computational resources are limited.

1. Introduction

Wireless communications is a pervasive technology whose design involves many distinct challenges for researchers [1,2], such as channel modeling, hardware imperfections, and better signal detection schemes for reliable data reception [3]. Multiple input-multiple output systems (MIMOs) have received special attention as a key enabler technology for 5G/6G wireless communications due to their BER performance gains and higher achievable data rates [4]. As a fundamental part of a MIMO system, signal detection is a procedure that faces high-complexity challenges as the number of transmitter antennas increases. Several researchers have proposed a variety of solutions for MIMO detection systems when computational resources are limited [5,6,7,8,9,10]. Most of strategies achieve near-optimal detection with close performance to that of the maximum likelihood (ML) approach. However, their complexity increases exponentially as the number of transmitter antennas increases. On the other hand, deep learning (DL) is a research area that has gained interest in the last few years. DL is derived from machine learning but is focused on the development of neural network (NN) architectures to solve a variety of problems in engineering, physics, social and economic fields, among others [11,12,13]. As a result of recent advances in big data, optimization techniques and the stronger capacity in computational and hardware resources, DL is seen as an efficient way to design newer solutions for the optimal detection of signals in MIMO systems [14,15].

1.1. Related Work

DL-based signal detection for MIMO systems has recently been investigated in different configurations using various modulation schemes to encode symbols during transmission. When the NN architecture considers multiple models, a single training strategy can be used to unify the models, improving the BER performance of the zero-forcing (ZF) and semi-definite relaxation approaches [16]. Motivated by these findings, the authors in [17] present a study that compares the performance of a fully connected NN architecture and a customized DL scheme that unfolds the stochastic gradient descent (SGD) iterations in a network. The authors in [18] find that vector quantization (VQ) presents a similar performance compared to the MIMO-DL detection. This approach uses NN to reduce the quantization loss as the number of transmit (Tx) antennas increases.
DL has also been investigated to improve other MIMO detection approaches, such as sphere decoding [19,20,21] and polar decoding [22,23]. The ML detector is a well-known optimal method that has been implemented with a convolutional neural network (CNN)-based architecture for vehicular networks in a correlated fading channel scenario [24]. In addition, CNN can be applied for the joint design of channel estimation and signal detection in MIMO systems [25]. The CNN model for a MIMO signal detector can also be used in the Internet of Things (IoT) [26,27]. However, a CNN has higher complexity when the levels of the signal-to-noise (SNR) ratio are up to 10 dB [28].
The authors of [29] present different methodologies for the design of a DL-based MIMO detection. The study compares a fully connected long-short-term memory (LSTM) and a CNN-based architecture. For generating labeled data, each index is encoded using a OH strategy for each index. The labeling approach reported in [30] implements Gray encoding when adjacent symbols are presented to help differentiate the loss function. However, if higher-order modulations are required, a DL demodulation with M-QAM signals can be considered [31]. In addition, different ML strategies have been implemented for demodulation in MIMO systems, including reinforcement learning [32], and unsupervised learning [33]. Since the multiple NNs designed are not directly connected, several NN-adapted receiver architectures, such as dual-multilevel detection [34] and the design of a parallel NN signal demodulator with the design of a specific loss function, have been proposed. The revised DL-based MIMO signal detection schemes present promising results in BER compared to optimal ML detection. Furthermore, DL-based algorithms have shown highly efficient, robust, and scalable solutions that provide near-optimal performance with lower computational cost, once trained.
However, to the best of our knowledge, there is an absence in the reported results of an appropriate strategy to improve the system considering the training data generated. In this work, we compare two proposals for labeling input data for training DL networks, with the OH strategy in [29] and the optimal ML criterion used in MIMO communication systems.

1.2. Contribution

The main contributions of this paper are as follows:
  • We develop two new DL strategies for signal detection in MIMO communication systems. Both strategies perform close to the optimal ML detection scheme.
  • We show that the proposed strategies have a tradeoff between BER performance and complexity and could be used under different hardware constraints.
  • We show that the activation function at the output layer has an impact on the NN-based detector performance.
The remainder of the paper is organized as follows. Section 2 gives a description of the methods used for system design. Section 3 presents the proposed DL detection scheme for MIMO communication systems. Section 4 provides several simulation results and compares the system performance considering related approaches. Finally, Section 5 summarizes the main conclusions and future directions of this research.
Notation: Bold-face lowercase letters and bold-face uppercase letters indicate vectors and matrices, respectively. The notations ( · ) T , ( · ) H , and · indicate the transpose, the conjugate transpose, and the norm of a vector or matrix. The Gaussian distribution of a complex variable with mean μ and σ 2 variance is denoted as C N ( μ , σ 2 ) .

2. MIMO System Model

In a MIMO system, the signals are transmitted using multiple antennas at the transmitter and receiver. Let s A be an M-ary modulated symbol, N t the number of Tx antennas, and N r the number of receiving (Rx) antennas, respectively. Then, a vector of multiple symbols s C 1 × N t transmitted simultaneously in the ( N r × N t ) MIMO systems can be expressed as
s = s 1 , s 2 , s N t T .
Let r C N r × 1 be the vector of received symbols arriving at each one of the N r receiver antennas, which can be expressed as
r = r 1 r 2 r N r = h 1 , 1 h 1 , 2 h 1 , N t h 2 , 1 h 2 , 2 h 2 , N t h N r , 1 h N r , 2 h N r , N t s 1 s 2 s N t + n 1 n 2 n N r ,
where each element h i , j C represents an impulse response of the channel link from the i-th transmission antenna to the j-th receiving antenna, so each channel response belongs to a channel matrix defined as H C N r × N t . Without loss of generality, the evaluation of the system is based on a quasi-static correlated fading channel with Rayleigh distribution where its elements are assumed to be complex Gaussian random variables with zero mean and unit variance, CN ( 0 , 1 ) . An equivalent expression of (2) can be defined as
r = H s + n ,
where s C 1 × N t and n C N r × 1 represent the additive white Gaussian noise (AWGN) samples at each j-th receiving antenna. We assume that the noise is identically independent distributed with variance N 0 denoted C N ( 0 , N 0 ) .

2.1. Optimal ML Detection

The optimal ML detection scheme is one of the most common strategies used to evaluate the performance of BER on MIMO systems. The ML detector is a procedure that aims to find the smallest possible distance between the received symbol and all possible products among the estimated channel and the symbol constellation. The optimal ML detection can be defined as
s ^ = arg min i r H ˜ s i ^ i = 1 , , M N t ,
where H ˜ is the estimated channel matrix at the receiver. s i ^ is the set of all possible combinations of symbols s . ML is an optimal algorithm, but its implementation is difficult due to its exponential computational complexity proportional to M N t combinations of modulated signals and CSI [35,36]. Without loss of generality, perfect channel state information (CSI) is assumed.

2.2. DL-Based MIMO Detection

Let ϕ θ be an NN, composed of L layers with initial state x = x 0 . The NN operates by iterating over the following expression:
x + 1 = σ ( W x + b ) = 0 , L ,
where x 0 R N F × N s stands for the N s training examples of input data with N F parameters used to predict a variable y R N c × N s with N c classes or labels. In Equation (5), x r R d with ( d 0 , d L + 1 ) = ( N F , N c ) , W R d + 1 × N represents a matrix whose elements are known as the weight coefficients of neurons in each layer, and b R d + 1 is a bias term.
The function σ : R R in Equation (5) is an activation function that operates at the output of each layer, introducing nonlinearities in the prediction model [37]. Table 1 shows the three most common choices for the activation function σ ( z ) . First is the rectifier linear unit (ReLU), which introduces nonlinearities to the network so it will be able to model complex patterns. The ReLU function is commonly used in hidden layers due to simplicity in computation. As seen in Table 1, its outputs are zero for negative entries to learn sparse activations. It means that many neurons are inactive to improve computational efficiency and reduce overfitting [38]. The second function is called the sigmoid. A sigmoid is a real, bounded, and differentiable function that provides an output very close to its boundaries. This function is mostly used for binary classification since it maps data to a smooth curve that lies around the interval [ 0 , 1 ] . Sigmoid functions are commonly used in the NN output layer to obtain an output value [39,40]. Finally, softmax activation is a transformation from raw inputs of the network to a vector of probabilities. It is mostly suited for multiclass classification problems, whereas outputs are probabilities that sum up 1. Softmax is also commonly used in the output layer when the final decision is made by evaluating the maximum value of this vector of probabilities [41].
Let x + 1 = y ^ be the predicted output value of the NN. Let L ( y , y ^ ) be a loss function. After performing iterations in Equation (5) with the desired number of epochs, the algorithm quantifies the error given by the distance between y and y ^ . The normalized root mean squared error (NRMSE) is defined as
L ( y , y ^ ) = 1 N i = 1 N ( y i y ^ i ) 2 .
NN optimization is performed by finding the minimal values of the loss function, which are convex and differentiable [42]. The stochastic gradient descent (SGD) algorithm is the most commonly used way to find the parameters that optimize the NN. The minimization of a function f ( x k ) follows the iteration
x k + 1 = x k α f ( x k ) ,
where f ( x k ) is the gradient of the function in the k-th iteration and α is a step size called learning rate. The fast convergence of SGD can be achieved by adequate preprocessing of the input data, such as normalization and scaling [43].

3. Proposed DL-Based Detection Scheme

Figure 1 illustrates the proposed MIMO signal detection scheme based on DL. Throughout the training stage, three labeling encoding strategies are introduced to facilitate accurate signal detection. In the first stage, the information bits are assigned to the M-QAM symbols s . Then, a serial-to-parallel converter sends each symbol to a transmission antenna a k , with k = { 1 , 2 , , N t } . Each symbol is multiplied by a channel impulse response h i , j H arriving at any reception antenna, where the AWGN is added. The symbols received r j r , with j = { 1 , 2 , , N r } are divided into their real and imaginary parts R ( r j ) and I ( r j ) , respectively; therefore, the input training data contain N F = 4 features.
Algorithm 1 describes the general procedure of the proposed MIMO DL detection scheme. First, we take the real and imaginary parts of each received symbol r as the input data. Then, we select a strategy to generate the matrix y to label each entry row of the data array X . During the training stage, we perform the forward pass calculation of x + 1 over several epochs. The values of the weights and biases array W and b are optimized when performing the SGD method from the calculation of its gradients W , b , respectively. For the monitoring and evaluation of the training loop, we calculate the LMSE loss function L ( y , y ^ ) . Once the weights and biases arrays have been optimized (the training phase loop has ended), we perform forward pass again to estimate the received symbol r ^ . Now, it is possible to obtain the BER using the designed model.
Algorithm 1 Proposed DL-based detector.
Intput:  s , N t , N r , L , N e , W , b , σ ( · ) , α
Output:  r ^ , L ( y , y ^ )
 Symbol reception: r = H s + n
 Generate input data X : { R ( r j ) , I ( r j ) }   j = 1 , , N r
 Generate y labels vector by selecting any label encoding method
x 0 = X                           ▷ Start of training phase
for  k = 1 , , N e   do
     x + 1 = σ ( W x + b )   = 0 , , L
    Calculate gradients: W , b
     W : = W α · W                       ▷ SGD optimization
     b : = b α · b
     y ^ = x L
    Calculate RMSE loss: L ( y , y ^ )
end for                           ▷ End of training phase
r ^ = σ ( W x + b )   = 0 , , L              ▷ Received symbol estimation
From the revised DL-based frameworks in literature, it can be seen that the information and data processing of the received symbols r cannot be extended to extract more learning parameters. Therefore, in this framework, our main approach is to explore different ways of labeling the predicted class vector y . This is actually how to assign values to the classifier that identify the M-QAM symbol and antenna labels to feed the DL-based detector. The procedure is described in Figure 1 as label encoding, which is executed only during the training phase. We analyze the following three labeling strategies.
  • One-hot (OH) encoding of the M N t combinations in transmission [29].
  • Direct symbol encoding (DSE) ( log 2 ( M ) × N t different encoding labels).
  • One-hot encoding per antenna (OHA) for the possible M symbols ( M × N t labels).
The first stage of the label encoding algorithm (Figure 1) is the mapping rule for the symbols to bit labels (opposed to modulation). For example, for a 4-QAM modulation, we assign a bit to each real and complex part of the symbols according to the sign value (positive or negative). Table 2 shows the binary representation of the labels for the 4-QAM constellation, which is the reference for the three analyzed labeling encoding cases.
After obtaining the input data x 0 = { R ( r j ) , I ( r j ) } and selecting any of the label encoding choices for y , we feed a neural network which consists of L fully-connected hidden layers, each activated with a ReLU activation function. However, we select different activation functions for the output layer according to the label encoding method to improve the detection of symbols. Throughout the training stage, the evaluation of the model is also carried out. The proposed MIMO signal detection consists of recovering the transmitted M-QAM symbols; therefore, it is considered a supervised learning classification task. The following metrics are commonly used for measuring the performance in DL-based classification tasks:
Precision = T P T P + F P ,
Recall = T P T P + F N ,
F 1 = 2 × Precision × Recall Precision + Recall ,
where T P is the number of positive values or correctly classified samples, F P is the number of false positive values, and F N is the number of false negatives. Note that in this case, multiclass classification, we need to evaluate an average value for each performance metric. The F1-score is calculated as the harmonic mean between precision and recall. It offers a balanced perspective of performance that adapts to different scenarios [44].

3.1. Direct Symbol Encoding (DSE)

In the DSE labeling strategy, we take the bit labels defined in Table 2, where each two-bit label for each Tx antenna is concatenated. An example considering a 4-QAM modulation is presented in Table 3. First, we indicate the original symbol index and then concatenate the corresponding label as referenced in Table 2. The number of different class labels is the number of possible combinations N c = log 2 ( M ) × N t . The activation function that provides better performance in this case is a sigmoid since the entries in Table 3 are binary but contain multiclass values, that is, more than one value of the binary label contains a “1” bit in all cases. This label encoding is useful when the available hardware and processing capacity are limited.

3.2. One Hot Encoding (OH)

The OH labeling strategy consists of encoding each index of one combination of symbols as an OH vector, where each entry provides a vector of zero entries except for the position of the index, where the bit label is encoded as “1”. The output is the vector y with dimensions N c = 2 N t , corresponding to the number of classes. Table 4 shows an example of this OH encoding per index for a MIMO system that contains N t = 2 antennas and 4-QAM modulation. This is the highest-dimensional case for the three proposed methods. The activation function that is well suited for this strategy is softmax since the last decision will be taken evaluating the maximum value of the vector of probabilities obtained at the output of the softmax activation. This label encoding is recommended when there are no hardware and processing capacity constraints in the system.

3.3. One Hot Encoding per Antenna (OHA)

The OH labeling represents the approach of the highest dimension because it requires an exponential number of possible values. However, when the OH encoded input is divided into the N t antennas, this dimensionality is reduced to N c = M × N t different class values.
Table 5 shows an example of the OHA method. In this case, N t = 2 transmission antennas and 4-QAM modulation are considered. The first M bits correspond to the OH vector for the first antenna, where the symbol index is indicated as the position of the binary value of “1” in each vector. For example, when both antennas a 1 and a 2 transmit the symbol s 1 , the corresponding bit label is [ 10001000 ] . We propose this labeling encoding procedure when the hardware requirements are higher than in the case of symbol encoding but lower than OH encoding. Although OH fits better with softmax, this labeling sigmoid activation is a better option since the encoded vectors contain N t entries encoded as “1”, having a pattern better recognized for this activation.

4. Results and Discussion

This section describes the setup of the experiments carried out in this work. We present and discuss the results. Table 6 synthesizes the experiments. The first setup is a 2 × 2 MIMO system, which consists of two transmitter and two receiver antennas. The NN architecture for signal detection consists of L = 1 hidden layer with 100 hidden units. The second setup consists of a 4 × 4 MIMO system, with N t = 4 and N r = 4 respectively. Detection is achieved using an NN with L = 2 hidden layers, each containing 1000 neurons. The layers are fully connected for both cases.
During the training phase, for all designed DL detectors, the learning rate selected is α = 0.01 , the Xavier method is used to initialize the weights, and the NRMSE (defined in Equation (6)) is the loss function. The experiments are conducted in MATLAB © , Julia, and Octave frameworks on a workstation with 128 RAM GB, Intel Xeon Gold 5220R 24 cores @2.20 GHz, and Ubuntu 22.04 LTS operative system. The first architecture for MIMO 2 × 2 is trained with N e = 2000 epochs and for the 4 × 4 two-layer NN, the number of epochs is increased to N e = 50,000. The symbols used for the training dataset are modulated with 4-QAM. The channel samples follow a Rayleigh distribution, where perfect CSI at the receiver is assumed and the received samples are equalized. For simulations, an SNR level of 3 dB is selected.
Figure 2 shows the NMSE loss curves obtained during the training phase for the MIMO configurations 2 × 2 and 4 × 4 . In both cases, the training and test subsets present a close decay among epochs. Since there is no huge gap between the train and test datasets’ NMSE curves, overfitting is not present among all models. It can be observed that OH labeling curves have the best BER performance since NMSE decays faster than the other approaches. The DSE strategy model shows the worst performance. For the 4 × 4 MIMO configuration, the NMSE cannot be reduced as in the 2 × 2 configuration between epochs. In the last training epochs, the NMSE curve presents oscillations rather than decay. The OHA strategy for labeling in the MIMO DL detector is an intermediate option for both cases.
Figure 3 shows a comparison of the BER performance for the 2 × 2 MIMO DL schemes. The OH encoding scheme presents the closest performance to the optimal ML detector at every level of SNR. The OHA shows performance with 0.5 dB of distance compared to the optimal ML detector. Finally, the DSE shows a distance of almost 2 dB compared with the reference scheme for a BER = 10 4 .
Figure 4 shows the BER performance of the systems for the 4 × 4 MIMO configuration. Since the number of antennas increases the dimensionality, the number of neurons and layers also increases, compared to the MIMO 2 × 2 configuration. The behavior of the BER performance curves is similar to the 2 × 2 configuration. The OH encoding presents the closest distance to the optimal ML detector, with 0.5 dB approximately. The next closest BER curve is the OHA, which now presents a gap of almost 1 dB compared to the ML detector. Finally, the DSE scheme presents the furthest curve to ML performance, with a difference of almost 2 dB at BER = 10 4 .
Furthermore, the performance of the MIMO detectors is evaluated considering the classification metrics previously defined in Section 2. Table 7 shows the results of this evaluation. The best performance is achieved when the OH labeling approach is selected in both MIMO configurations, with 0.97 and 0.95 F1-scores, respectively. This method also has the highest precision and recall values. Nevertheless, the results shown in Table 7 indicate that the performance metrics are directly related to the number of classes N c , which is also supported by the fact that the worst results are obtained when using the DSE strategy, where N c is the lowest among all labeling methods. However, for DSE, the classification metrics outcomes are around 0.9, showing a labeling strategy with good performance. The OHA strategy produces classification performance values above symbol encoding and the OH strategy.

Complexity Analysis

The ML detector defined by Equation (4) computes the Euclidean distance between the received vector r and the products of the CSI matrix H with all the combinations possible M N t received of the modulated symbols s . This procedure involves M N t products, N t · N r subtractions, and norm evaluation that results in a complexity of O ( N t · N r · M N t ) . In the case of DL detectors, we add the multiplications produced at each layer to obtain their complexity. The operations produced by activation functions can be neglected, as the calculations of the outputs are not affected by the input size. Table 8 lists the resulting complexities for all DL-based detection schemes. For this evaluation, we consider only the forward propagation since the backward propagation has a similar complexity. Therefore, the total complexity for each system is approximately twice the values listed in Table 8 if the training phase is considered. Figure 5 shows the resulting complexity in flops for the signal-labeling and detection strategies designed in this paper.
The results show that complexity is directly affected by the number of hidden units in each layer d + 1 . This value is multiplied by twice the number of Rx antennas N r due to the input size of x 0 , and it will not affect the final result. The number of Tx antennas N t and the modulation order M have different variations in complexity regarding the selected labeling strategy.
The OH labeling scheme provides the highest complexity and the best BER performance, F1-score, precision, and recall metrics. On the other hand, the lowest complexity is achieved when using a DSE strategy to label signals, reducing the last factor to log 2 ( M ) and obtaining the lowest BER performance but not having the worst classification score. The OHA provides an alternative to reduce the complexity from exponential M N t to a product M · N t with promising results in BER performance.

5. Conclusions

In this paper, different DL-based approaches for signal detection in MIMO communications systems have been presented. An efficient alternative to processing the input data by structuring different labeling strategies to the Tx signals has been introduced. We evaluated the impact of these labeling strategies on the system performance. The of BER curves showed that the proposed schemes perform close to the optimal ML detection criterion with a simple NN architecture assuming perfect CSI. The proposed DL-based detectors presented distances in BER curves of almost 0.5 dB when applying the conventional OH encoding as a labeling method. Nonetheless, the proposed DL signal detection schemes showed lower complexity compared to the optimal ML criterion. In our proposal, the complexity was reduced to M · N t for the case of OHA, and log 2 M · N t when applying the DSE strategy. The classification performance metrics in terms of F1-score above 0.9 also indicated that the designed DL schemes are promising for the detection of 4-QAM modulated signals. Among the DL-based evaluated schemes, the OH encoder showed the best BER performance. However, it requires more resources as the dimensionality and computational complexity increase. The proposed OHA and the DSE schemes showed a BER performance very close to that of the OH scheme with the advantage of reduced complexity when the number of Tx antennas increases. These approaches are convenient for systems with hardware or signal processing constraints, mainly in massive MIMO designs. Future research improvements include testing higher-order M-QAM modulation schemes and hyperparameter tuning to optimize system resources. Furthermore, different channel estimation strategies will be considered.

Author Contributions

Conceptualization, R.F.I.-H., F.R.C.-S. and C.A.G.; methodology, R.F.I.-H. and F.R.C.-S.; software, R.F.I.-H.; validation, F.R.C.-S., C.A.G., J.A.-E., L.P.-L., V.I.R.-A. and J.A.D.-P.-F.; Writing—original draft, R.F.I.-H. and F.R.C.-S.; writing—review and editing, F.R.C.-S. and C.A.G.; visualization, J.A.-E., V.I.R.-A., L.P.-L. and J.A.D.-P.-F. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Universidad Panamericana, Guadalajara, México and the Secretary of Science, Humanities, Technology, and Innovation of Mexico (SECIHTI).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

New data were not generated in this research. However, the source code for reproducing the results is publicly available at https://github.com/roilhi/mimo-dl-detector (Accessed date: 18 December 2024).

Acknowledgments

Roilhi F. Ibarra-Hernández expresses his gratitude to the Secretary of Science, Humanities, Technology, and Innovation (SECIHTI) of Mexico under grant No. 477876 for supporting this research. The authors also thank Jose Adrián Martínez-González head of the Laboratory of Physics of the UASLP Faculty of Science, for facilitating the physical computing server to conduct the experiments.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Rappaport, T.S. Wireless Communications: Principles and Practice; Cambridge University Press: Cambridge, UK, 2024. [Google Scholar]
  2. Raschellà, A.; Mackay, M. Moving Towards 6G Wireless Technologies; MDPI: Basel, Switzerland, 2024. [Google Scholar]
  3. O’shea, T.; Hoydis, J. An introduction to deep learning for the physical layer. IEEE Trans. Cogn. Commun. Netw. 2017, 3, 563–575. [Google Scholar] [CrossRef]
  4. Zheng, K.; Zhao, L.; Mei, J.; Shao, B.; Xiang, W.; Hanzo, L. Survey of large-scale MIMO systems. IEEE Commun. Surv. Tutor. 2015, 17, 1738–1760. [Google Scholar] [CrossRef]
  5. Wang, T.; Wen, C.K.; Wang, H.; Gao, F.; Jiang, T.; Jin, S. Deep learning for wireless physical layer: Opportunities and challenges. China Commun. 2017, 14, 92–111. [Google Scholar] [CrossRef]
  6. He, H.; Jin, S.; Wen, C.K.; Gao, F.; Li, G.Y.; Xu, Z. Model-driven deep learning for physical layer communications. IEEE Wirel. Commun. 2019, 26, 77–83. [Google Scholar] [CrossRef]
  7. Bakulin, M.; Kreyndelin, V.; Rog, A.; Petrov, D.; Melnik, S. MMSE based K-best algorithm for efficient MIMO detection. In Proceedings of the 2017 9th International Congress on Ultra Modern Telecommunications and Control Systems and Workshops (ICUMT), Munich, Germany, 6–8 November 2017; pp. 258–263. [Google Scholar]
  8. Liu, Y.X.; Jihang, S.J.; Ueng, Y.L. An Efficient K-Best MIMO Detector for Large Modulation Constellations. IEEE Open J. Circuits Syst. 2023, 5, 2–16. [Google Scholar] [CrossRef]
  9. Umamaheshwar, S.; Mahender, K.; Gopal, M. Novel hybrid MIMO detector for spatial multiplexed MIMO system. In IOP Conference Series: Materials Science and Engineering; IOP Publishing: Bristol, UK, 2020; Volume 981, p. 032039. [Google Scholar]
  10. Nakai-Kasai, A.; Wadayama, T. MMSE signal detection for MIMO systems based on ordinary differential equation. In Proceedings of the GLOBECOM 2022—2022 IEEE Global Communications Conference, Rio de Janeiro, Brazil, 4–8 December 2022; pp. 6176–6181. [Google Scholar]
  11. Shinde, P.P.; Shah, S. A review of machine learning and deep learning applications. In Proceedings of the 2018 Fourth International Conference on Computing Communication Control and Automation (ICCUBEA), Pune, India, 16–18 August 2018; pp. 1–6. [Google Scholar]
  12. Ibarra-Hernández, R.F.; Castillo-Soria, F.R.; Gutiérrez, C.A.; García-Barrientos, A.; Vásquez-Toledo, L.A.; Del-Puerto-Flores, J.A. Machine Learning Strategies for Reconfigurable Intelligent Surface-Assisted Communication Systems—A Review. Future Internet 2024, 16, 173. [Google Scholar] [CrossRef]
  13. Chataut, R.; Nankya, M.; Akl, R. 6G networks and the AI revolution—Exploring technologies, applications, and emerging challenges. Sensors 2024, 24, 1888. [Google Scholar] [CrossRef]
  14. West, N.E.; O’shea, T. Deep architectures for modulation recognition. In Proceedings of the 2017 IEEE International Symposium on Dynamic Spectrum Access Networks (DySPAN), Baltimore, MD, USA, 6–9 March 2017; pp. 1–6. [Google Scholar]
  15. Zheng, S.; Chen, S.; Yang, X. DeepReceiver: A deep learning-based intelligent receiver for wireless communications in the physical layer. IEEE Trans. Cogn. Commun. Netw. 2020, 7, 5–20. [Google Scholar] [CrossRef]
  16. Samuel, N.; Diskin, T.; Wiesel, A. Deep MIMO detection. In Proceedings of the 2017 IEEE 18th International Workshop on Signal Processing Advances in Wireless Communications (SPAWC), Sapporo, Japan, 3–6 July 2017; pp. 1–5. [Google Scholar]
  17. Samuel, N.; Diskin, T.; Wiesel, A. Learning to detect. IEEE Trans. Signal Process. 2019, 67, 2554–2564. [Google Scholar] [CrossRef]
  18. Xue, S.; Ma, Y.; Yi, N.; Dodgson, T.E. A modular neural network based deep learning approach for MIMO signal detection. arXiv 2020, arXiv:2004.00404. [Google Scholar]
  19. Mohammadkarimi, M.; Mehrabi, M.; Ardakani, M.; Jing, Y. Deep learning-based sphere decoding. IEEE Trans. Wirel. Commun. 2019, 18, 4368–4378. [Google Scholar] [CrossRef]
  20. Askri, A.; Othman, G.R.B. DNN assisted sphere decoder. In Proceedings of the 2019 IEEE International Symposium on Information Theory (ISIT), Paris, France, 7–12 July 2019; pp. 1172–1176. [Google Scholar]
  21. Weon, D.; Lee, K. Learning-aided deep path prediction for sphere decoding in large MIMO systems. IEEE Access 2020, 8, 70870–70877. [Google Scholar] [CrossRef]
  22. Qin, Y.; Liu, F. Convolutional neural network-based polar decoding. In Proceedings of the 2019 2nd World Symposium on Communication Engineering (WSCE), Nagoya, Japan, 20–23 December 2019; pp. 189–194. [Google Scholar]
  23. Chen, Q.; Ju, H.; Xu, Y.; He, D.; Zhang, W. A novel labeling scheme for neural belief propagation in polar codes. In Proceedings of the 2023 International Wireless Communications and Mobile Computing (IWCMC), Marrakesh, Morocco, 19–23 June 2023; pp. 586–590. [Google Scholar]
  24. Xia, J.; He, K.; Xu, W.; Zhang, S.; Fan, L.; Karagiannidis, G.K. A MIMO detector with deep learning in the presence of correlated interference. IEEE Trans. Veh. Technol. 2020, 69, 4492–4497. [Google Scholar] [CrossRef]
  25. He, H.; Wen, C.K.; Jin, S.; Li, G.Y. Model-driven deep learning for MIMO detection. IEEE Trans. Signal Process. 2020, 68, 1702–1715. [Google Scholar] [CrossRef]
  26. He, K.; Wang, Z.; Li, D.; Zhu, F.; Fan, L. Ultra-reliable MU-MIMO detector based on deep learning for 5G/B5G-enabled IoT. Phys. Commun. 2020, 43, 101181. [Google Scholar] [CrossRef]
  27. Messabih, H.; Kerrache, C.A.; Cheriguene, Y.; Amadeo, M.; Ahmad, F. Machine learning solutions for mobile internet of things security: A literature review and research agenda. Trans. Emerg. Telecommun. Technol. 2024, 35, e5041. [Google Scholar] [CrossRef]
  28. Mohammad, A.S.; Reddy, N.; James, F.; Beard, C. Demodulation of faded wireless signals using deep convolutional neural networks. In Proceedings of the 2018 IEEE 8th Annual Computing and Communication Workshop and Conference (CCWC), Las Vegas, NV, USA, 8–10 January 2018; pp. 969–975. [Google Scholar]
  29. Baek, M.S.; Kwak, S.; Jung, J.Y.; Kim, H.M.; Choi, D.J. Implementation methodologies of deep learning-based signal detection for conventional MIMO transmitters. IEEE Trans. Broadcast. 2019, 65, 636–642. [Google Scholar] [CrossRef]
  30. Kim, M.; Cho, D.H. 4-QAM gray coding for deep neural network based decoder training. In Proceedings of the 2017 International Conference on Information and Communication Technology Convergence (ICTC), Jeju, Republic of Korea, 18–20 October 2017; pp. 247–249. [Google Scholar]
  31. Toledo, R.N.; Akamine, C.; Jerji, F.; Silva, L.A. M-QAM demodulation based on machine learning. In Proceedings of the 2020 IEEE International Symposium on Broadband Multimedia Systems and Broadcasting (BMSB), Paris, France, 27–29 October 2020; pp. 1–6. [Google Scholar]
  32. Matta, M.; Cardarilli, G.C.; Di Nunzio, L.; Fazzolari, R.; Giardino, D.; Nannarelli, A.; Re, M.; Spano, S. A reinforcement learning-based QAM/PSK symbol synchronizer. IEEE Access 2019, 7, 124147–124157. [Google Scholar] [CrossRef]
  33. Xue, S.; Ma, Y.; Yi, N.; Tafazolli, R. Unsupervised deep learning for MU-SIMO joint transmitter and noncoherent receiver design. IEEE Wirel. Commun. Lett. 2018, 8, 177–180. [Google Scholar] [CrossRef]
  34. Corlay, V.; Boutros, J.J.; Ciblat, P.; Brunel, L. Multilevel MIMO detection with deep learning. In Proceedings of the 2018 52nd Asilomar Conference on Signals, Systems, and Computers, Pacific Grove, CA, USA, 28–31 October 2018; pp. 1805–1809. [Google Scholar]
  35. Wubben, D.; Bohnke, R.; Kuhn, V.; Kammeyer, K.D. Near-maximum-likelihood detection of MIMO systems using MMSE-based lattice-reduction. In Proceedings of the 2004 IEEE International Conference on Communications (IEEE Cat. No. 04CH37577), Paris, France, 20–24 June 2004; Volume 2, pp. 798–802. [Google Scholar]
  36. Zhu, X.; Murch, R.D. Performance analysis of maximum likelihood detection in a MIMO antenna system. IEEE Trans. Commun. 2002, 50, 187–191. [Google Scholar] [CrossRef]
  37. Sharma, S.; Sharma, S.; Athaiya, A. Activation functions in neural networks. Towards Data Sci. 2017, 6, 310–316. [Google Scholar] [CrossRef]
  38. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef] [PubMed]
  39. Pratiwi, H.; Windarto, A.P.; Susliansyah, S.; Aria, R.R.; Susilowati, S.; Rahayu, L.K.; Fitriani, Y.; Merdekawati, A.; Rahadjeng, I.R. Sigmoid activation function in selecting the best model of artificial neural networks. J. Phys. Conf. Ser. 2020, 1471, 012010. [Google Scholar] [CrossRef]
  40. Rasamoelina, A.D.; Adjailia, F.; Sinčák, P. A review of activation function for artificial neural network. In Proceedings of the 2020 IEEE 18th World Symposium on Applied Machine Intelligence and Informatics (SAMI), Herlany, Slovakia, 23–25 January 2020; pp. 281–286. [Google Scholar]
  41. Asadi, B.; Jiang, H. On approximation capabilities of ReLU activation and softmax output layer in neural networks. arXiv 2020, arXiv:2002.04060. [Google Scholar]
  42. Ye, M.; Zhang, H.; Wang, J.B. Channel estimation for intelligent reflecting surface aided wireless communications using conditional GAN. IEEE Commun. Lett. 2022, 26, 2340–2344. [Google Scholar] [CrossRef]
  43. Ketkar, N.; Ketkar, N. Stochastic gradient descent. In Deep Learning with Python: A Hands-On Introduction; Springer: Berlin/Heidelberg, Germany, 2017; pp. 113–132. [Google Scholar]
  44. Yacouby, R.; Axman, D. Probabilistic extension of precision, recall, and f1 score for more thorough evaluation of classification models. In Proceedings of the First Workshop on Evaluation and Comparison of NLP Systems, Online, 20 November 2020; pp. 79–91. [Google Scholar]
Figure 1. Proposed DL-based detection scheme for MIMO communication systems.
Figure 1. Proposed DL-based detection scheme for MIMO communication systems.
Sensors 25 00669 g001
Figure 2. NMSE loss curves vs the number of epochs during the training phase for the MIMO 2 × 2 (left) and 4 × 4 (right) DL-based detection configurations. The dashed lines indicate the NMSE values for the test or validation subsets, while the solid lines are the NMSE values for the training subset.
Figure 2. NMSE loss curves vs the number of epochs during the training phase for the MIMO 2 × 2 (left) and 4 × 4 (right) DL-based detection configurations. The dashed lines indicate the NMSE values for the test or validation subsets, while the solid lines are the NMSE values for the training subset.
Sensors 25 00669 g002
Figure 3. BER performance of the detectors for the analyzed MIMO detection schemes with N t = 2 and N r = 2 antennas. The optimal ML detector and DL–based detectors with the OH, the OHA, and the DSE of symbol labeling strategies are applied.
Figure 3. BER performance of the detectors for the analyzed MIMO detection schemes with N t = 2 and N r = 2 antennas. The optimal ML detector and DL–based detectors with the OH, the OHA, and the DSE of symbol labeling strategies are applied.
Sensors 25 00669 g003
Figure 4. BER performance of the detectors for the analyzed MIMO detection schemes with N t = 4 and N r = 4 antennas. The optimal ML detector and DL–based detectors with the OH, the OHA, and the DSE labeling strategies are applied.
Figure 4. BER performance of the detectors for the analyzed MIMO detection schemes with N t = 4 and N r = 4 antennas. The optimal ML detector and DL–based detectors with the OH, the OHA, and the DSE labeling strategies are applied.
Sensors 25 00669 g004
Figure 5. Complexity in flops for the developed DL-detectors. The labeling strategies acronyms are ML: maximum likelihood, OH: one-hot encoding, OHA: one-hot encoding per antenna, SE: symbol encoding.
Figure 5. Complexity in flops for the developed DL-detectors. The labeling strategies acronyms are ML: maximum likelihood, OH: one-hot encoding, OHA: one-hot encoding per antenna, SE: symbol encoding.
Sensors 25 00669 g005
Table 1. Activation functions commonly used for NN architectures.
Table 1. Activation functions commonly used for NN architectures.
Function NameComputationTypical Use
ReLU max ( 0 , z ) Hidden layers
Sigmoid 1 1 + e z Output layer
Softmax e z k k e z k Output layer
Table 2. Reference binary encoding of labels for 4-QAM modulation symbols.
Table 2. Reference binary encoding of labels for 4-QAM modulation symbols.
Symbol
Label
Complex
Value
Bit Label
Mapping
s 1 1 + 1 j 1 0
s 2 1 1 j 1 1
s 3 1 + 1 j 0 0
s 4 1 1 j 0 1
Table 3. DSE labeling of symbols using as reference Table 1. MIMO system with N t = 2 and 4-QAM modulation.
Table 3. DSE labeling of symbols using as reference Table 1. MIMO system with N t = 2 and 4-QAM modulation.
Transmitted
Symbol
Bit Label
Mapping
a 1 a 2
s 1 s 1 1 0 1 0
s 1 s 2 1 0 1 1
s 1 s 3 1 0 0 0
s 1 s 4 1 0 0 1
s 2 s 1 1 1 1 0
s 2 s 2 1 1 1 1
s 2 s 3 1 1 0 0
s 2 s 4 1 1 0 1
s 3 s 1 0 0 1 0
s 3 s 2 0 0 1 1
s 3 s 3 0 0 0 0
s 3 s 4 0 0 0 1
s 4 s 1 0 1 1 0
s 4 s 2 0 1 1 1
s 4 s 3 0 1 0 0
s 4 s 4 0 1 0 1
Table 4. OH encoding for each index combination of symbols. Example case for N t = 2 antennas and 4-QAM modulation.
Table 4. OH encoding for each index combination of symbols. Example case for N t = 2 antennas and 4-QAM modulation.
Symbol
Transmitted
Bit Label
Mapping
a 1 a 2
s 1 s 1 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
s 1 s 2 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0 0
s 1 s 3 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0 0
s 1 s 4 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0 0
s 2 s 1 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0 0
s 2 s 2 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0 0
s 2 s 3 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0 0
s 2 s 4 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0 0
s 3 s 1 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0 0
s 3 s 2 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0 0
s 3 s 3 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0 0
s 3 s 4 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0 0
s 4 s 1 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0 0
s 4 s 2 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0 0
s 4 s 3 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1 0
s 4 s 4 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 1
Table 5. OHA scheme at each Tx antenna. N t = 2 antennas and 4-QAM modulation.
Table 5. OHA scheme at each Tx antenna. N t = 2 antennas and 4-QAM modulation.
Symbol
Transmitted
Bit Label
Mapping
a 1 a 2
s 1 s 1 1 0 0 0 1 0 0 0
s 1 s 2 1 0 0 0 0 1 0 0
s 1 s 3 1 0 0 0 0 0 1 0
s 1 s 4 1 0 0 0 0 0 0 1
s 2 s 1 0 1 0 0 1 0 0 0
s 2 s 2 0 1 0 0 0 1 0 0
s 2 s 3 0 1 0 0 0 0 1 0
s 2 s 4 0 1 0 0 0 0 0 1
s 3 s 1 0 0 1 0 1 0 0 0
s 3 s 2 0 0 1 0 0 1 0 0
s 3 s 3 0 0 1 0 0 0 1 0
s 3 s 4 0 0 1 0 0 0 0 1
s 4 s 1 0 0 0 1 1 0 0 0
s 4 s 2 0 0 0 1 0 1 0 0
s 4 s 3 0 0 0 1 0 0 1 0
s 4 s 4 0 0 0 1 0 0 0 1
Table 6. MIMO setup for the conducted experiments.
Table 6. MIMO setup for the conducted experiments.
MIMO
Configuration
Hidden
Layers
Number of
Neurons
2 × 2 :   N t = 2 , N r = 2 1100
4 × 4 :   N t = 4 , N r = 4 21000
Table 7. Classification performance for the analyzed MIMO detection schemes.
Table 7. Classification performance for the analyzed MIMO detection schemes.
MIMO
Configuration
Labeling
Approach
PrecisionRecallF1-Score
N t = 2
N r = 2
OH0.970.980.97
OHA0.930.930.93
DSE0.960.980.96
N t = 4
N r = 4
OH0.960.940.95
OHA0.890.890.91
DSE0.910.920.93
Table 8. Complexity of the analyzed DL-based MIMO signal detection schemes.
Table 8. Complexity of the analyzed DL-based MIMO signal detection schemes.
MIMO
Configuration
Labeling
Approach
Complexity
N t = 2
N r = 2
OH O ( ( 2 ( N r + d + 1 ) + M N t ) )
OHA O ( ( 2 ( N r + d + 1 ) + M · N t ) )
DSE O ( ( 2 ( N r + d + 1 ) + log 2 ( M ) · N t ) )
N t = 4
N r = 4
OH O ( d + 1 ( 2 N r + M N t ) )
OHA O ( d + 1 ( 2 N r + M · N t ) )
DSE O ( d + 1 ( 2 N r + log 2 ( M ) · N t ) )
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Ibarra-Hernández, R.F.; Castillo-Soria, F.R.; Gutiérrez, C.A.; Del-Puerto-Flores, J.A.; Acosta-Elias, J.; Rodriguez-Abdala, V.I.; Palacios-Luengas, L. Efficient Deep Learning-Based Detection Scheme for MIMO Communication Systems. Sensors 2025, 25, 669. https://doi.org/10.3390/s25030669

AMA Style

Ibarra-Hernández RF, Castillo-Soria FR, Gutiérrez CA, Del-Puerto-Flores JA, Acosta-Elias J, Rodriguez-Abdala VI, Palacios-Luengas L. Efficient Deep Learning-Based Detection Scheme for MIMO Communication Systems. Sensors. 2025; 25(3):669. https://doi.org/10.3390/s25030669

Chicago/Turabian Style

Ibarra-Hernández, Roilhi F., Francisco R. Castillo-Soria, Carlos A. Gutiérrez, José Alberto Del-Puerto-Flores, Jesus Acosta-Elias, Viktor I. Rodriguez-Abdala, and Leonardo Palacios-Luengas. 2025. "Efficient Deep Learning-Based Detection Scheme for MIMO Communication Systems" Sensors 25, no. 3: 669. https://doi.org/10.3390/s25030669

APA Style

Ibarra-Hernández, R. F., Castillo-Soria, F. R., Gutiérrez, C. A., Del-Puerto-Flores, J. A., Acosta-Elias, J., Rodriguez-Abdala, V. I., & Palacios-Luengas, L. (2025). Efficient Deep Learning-Based Detection Scheme for MIMO Communication Systems. Sensors, 25(3), 669. https://doi.org/10.3390/s25030669

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop