Skip to main content

The road to 6G: a comprehensive survey of deep learning applications in cell-free massive MIMO communications systems

Abstract

The fifth generation (5G) of telecommunications networks is currently commercially deployed. One of their core enabling technologies is cellular Massive Multiple-Input-Multiple-Output (M-MIMO) systems. However, future wireless networks are expected to serve a very large number of devices and the current MIMO networks are not scalable, highlighting the need for novel solutions. At this moment, Cell-free Massive MIMO (CF M-MIMO) technology seems to be the most promising idea in this direction. Despite their appealing characteristics, CF M-MIMO systems face their own challenges, such as power allocation and channel estimation. Deep Learning (DL) has been successfully employed to a wide range of problems in many different research areas, including wireless communications. In this paper, a review of the state-of-the-art DL methods applied to CF M-MIMO communications systems is provided. In addition, the basic characteristics of Cell-free networks are introduced, along with the presentation of the most commonly used DL models. Finally, future research directions are highlighted.

1 Introduction

Massive Multiple-Input-Multiple-Output (M-MIMO) communications systems play a fundamental role in improving today’s wireless network communications, and different variants have been proposed for beyond 5G and 6G telecommunications [1]. Some of their advantages over previous configurations are the following: (i) high spectrum efficiency, (ii) power efficiency and high reliability [1]. However, M-MIMO networks follow the classical cellular paradigm, which results in large rate variations, inter-cell interference and often a poor quality of service [1, 2]. Although there are many discussions in the literature about overcoming these challenges, at this moment the most promising idea seems to be the Cell-free (CF) networking and especially the CF M-MIMO technology [2].

The key idea behind CF M-MIMO lies on the notion of distributed operation [2,3,4,5,6]. In the CF M-MIMO framework, \({\mathcal {L}}\) distributed access points (APs) serve \({\mathcal {K}}\) users such that \({\mathcal {L}}\gg {\mathcal {K}}\) distributed over space. In such a configuration, neither cells nor cell-boundaries exist. A central processing unit (CPU) is connected with the APs via the backhaul network, while all users are served based on a cooperation between the APs which use time-division duplexing (TDD) mode. The main benefits over the classical cellular technology are: (i) smaller SNR variations, (ii) managing interference and (iii) increased SNR values [2,3,4,5,6].

Deep Learning (DL) is a subset of Machine Learning (ML) class of computational methods and recently has achieved impressive results in many different research areas. DL is based on neural networks’ architectures, using multiple layers (“deep”) of artificial neurons [7]. DL has been utilized in the field of wireless communications too, introducing a data driven approach and offering new insights, such as new system’s modeling [8, 9] and distributed computation [10]. In this context, there is ongoing research in the applications of DL in CF M-MIMO, thus providing new insights in the current research.

Fig. 1 depicts the number of papers referring to DL applications in CF M-MIMO systems.

Fig. 1
figure 1

Number of papers referring to DL applications in CF M-MIMO

1.1 Related work

The applicability of CF M-MIMO to 6G vision is thoroughly discussed in [3]. An extensive presentation of the foundations of user-centric CF M-MIMO is provided in [2]. In [4] the authors provide a survey of the state-of-the-art literature on CF M-MIMO along with the characteristics of such systems. The applications of DL in wireless communications are presented in [8].

To the best of our knowledge this is the first study that discusses explicitly the applications of DL methods to the field of CF M-MIMO, providing at the same time an introduction to both CF M-MIMO systems and current DL architectures.

1.2 Paper motivation and contributions

The motivation behind this work may be framed in the need to study in depth the ideas behind future 6G vision. In particular, both CF M-MIMO and DL methods are considered viable solutions for many design and optimization problems, such as resource allocation, energy efficiency and managing interference.

This paper considers the application of DL models for CF M-MIMO systems. The main contributions of this work are summarized as follows:

  • An introduction to CF M-MIMO and user-centric CF M-MIMO networks is presented here.

  • An extended review of the work around DL methods for CF M-MIMO systems is provided. Among the DL methods, special focus is given on federated learning and its utilization in resource management, and channel estimation

  • Future research directions are discussed, including research challenges and the incorporation of DL methods to the 6G vision

The rest of this paper is structured as follows: DL models are briefly described in sect. 2. In sect. 3 the details of CF M-MIMO configurations are provided. In addition, the user-centric approach is also presented. Section 4 considers the application of DL in CF M-MIMO networks, sect. 5 discusses the future research challenges and also concludes this work.

2 DL models

There are three main DL models that are mostly employed in the current CF M-MIMO literature; feed-forward neural networks (FFNNs), recurrent neural networks (RNNs) and convolutional neural networks (CNNs). In this section, the details about these models are briefly discussed, providing further references for the interested reader. In addition, Reinforcement Learning (RL), one of the three major ML paradigms (the other two are Supervised Learning and Unsupervised Learning), is briefly presented in this section.

2.1 Feed-forward neural networks

The key component of every DL architecture is the notion of the artificial neuron. Artificial neurons are computational units (functions) that try to mimic in mathematical terms the behavior of biological neurons. The functionality of such a unit is very simple; the neuron takes some input and produces an output (or an activation, with respect to the action potential of a biological neuron). For inputs in vector form, each individual input is weighted in a separated way, and then the sum is passed through a nonlinear function known as an activation function [7].

A FFNN is the first proposed architecture comprised of multiple artificial neurons. In such a model, the connections between the nodes do not form a cycle or a loop and the information is transferred only forward. Both the training and the learning are achieved through the stochastic gradient descent (SGD) algorithm. The pseudo-code for the SGD algorithm is given in Alg. 1.

figure a

where \(\eta\) is the learning rate, w the weight and C the loss function (cost) which computes the distance between the current output of the algorithm and the expected output.

There are many techniques for making FFNNs work efficiently, but the most frequently used is the back-propagation [7] algorithm. For the loss function, back-propagation technique utilizes the chain rule from calculus, computing the gradient one layer at a time, iterating backward from the last layer. In Fig. 2, the basic architecture of a FFNN with one hidden layer is shown.

Fig. 2
figure 2

FFNN with one hidden layer

The mathematical formulation of FFNNs (that can be extended to other DL architectures) considers an input vector \({\mathbf {x}}\), a set of weights \({\mathbf {w}}\), a bias b and an activation function f. The output of the last layer is

$$\begin{aligned} {\mathbf {y}} = f({\mathbf {w}}^{T}\cdot {\mathbf {x}}+b) \end{aligned}$$
(1)

As mentioned before this output is compared with the expected output vector.

2.2 Recurrent neural networks

As stated before FFNNs’ architecture does not contain either cycles or loops (acyclic graphs). A different approach is introduced with Recurrent Neural Networks (RNNs). RNNs adopt a notion of memory by utilizing their internal state to process variable length sequences of inputs [7, 11]. This characteristic makes them suitable for tasks such as time series forecasting, handwriting recognition or speech recognition [11]. There are many RNN architectures, such as Gated Recurrent Units (GRUs), Bi-directional RNNs, Hopfield networks, etc.

A very successful variant of RNNs are the long short-term memory (LSTM) networks [12, 13]. The building blocks of LSTMs are cells which have an input gate, an output gate and a forget gate. The main advantage over classical RNNs is that this type of cell is capable of remembering values over arbitrary time intervals. In addition, the flow of information is regulated by the three aforementioned gates [12].

In mathematical terms, a LSTM network can be formulated in the following way. For an input vector \({\mathbf {x}}_{t}\in {\mathbb {R}}^{N}\) at time step t, and M hidden layers, the forget gate’s activation vector \({\mathbf {F}}_{t}\in (0,1)^{M}\) is given by

$$\begin{aligned} {\mathbf {F}}_{t} = \sigma (W_{F}{\mathbf {x}}_{t}^{T} + U_{F}{\mathbf {q}}_{t-1}^{T} + {\mathbf {b}}_{F}) \end{aligned}$$
(2)

where \(W_{F}\) and \(U_{F}\) are matrices of weights, \(q_{t}\in (0,1)^{M}\) is the hidden state vector and \(b_{F}\) is the bias vector.

In addition, the input/update gate’s activation vector \({\mathbf {I}}_{t}\in (0,1)^{M}\) and the output’s activation vector \({\mathbf {O}}_{t}\in (0,1)^{M}\) are expressed in a similar way,

$$\begin{aligned} {\mathbf {I}}_{t} = \sigma (W_{I}{\mathbf {x}}_{t}^{T} + U_{I}{\mathbf {q}}_{t-1}^{T} + {\mathbf {b}}_{I}) \end{aligned}$$
(3)

and

$$\begin{aligned} {\mathbf {O}}_{t} = \sigma (W_{O}{\mathbf {x}}_{t}^{T} + U_{O}{\mathbf {q}}_{t-1}^{T} + {\mathbf {b}}_{O}) \end{aligned}$$
(4)

where the subscripts I and O mean input and output, respectively, and the other symbols have the same meaning as previously.

A LSTM unit has also a cell input activation vector \({\mathbf {C}}_{t}\in (-1,1)^{M}\), which is given by,

$$\begin{aligned} {\mathbf {C}}_{t} = \sigma (W_{C}{\mathbf {x}}_{t}^{T} + U_{C}{\mathbf {q}}_{t-1}^{T} + {\mathbf {b}}_{C}) \end{aligned}$$
(5)

Combining the above equations, the cell state vector and the hidden state vector are updated with the following rules

$$\begin{aligned} {\mathbf {S}}_{t} = {\mathbf {F}}_{t} \circ {\mathbf {S}}_{t-1} + {\mathbf {I}}_{t} \circ {\mathbf {C}}_{t} \end{aligned}$$
(6)

where \(\circ\) denotes the Hadamard product, \(S_{0}=0\) and \(q_{0}=0\). Finally,

$$\begin{aligned} {\mathbf {q}}_{t} = O_{t}\circ \tanh ({\mathbf {S}}_{t}) \end{aligned}$$
(7)

Although the DL research field seems to move towards replacing LSTMs with Transformers for many tasks [14], LSTMs still remain one of the most commonly used architectures.

2.3 Convolutional neural networks

The ImageNet Large Scale Visual Recognition Challenge (ILSVRC), has been proved a driving force for many advancements in computer vision (CV) [15]. The dominant paradigm in this field is the application of convolutional neural networks (CNNs). CNNs utilize the convolution operation instead of the general matrix multiplication [7, 16]. CNNs have found success not only in CV tasks but also in time series forecasting, video processing, natural language processing, etc. [7].

CNNs are composed of at least one convolutional layer and often fully connected layers and pooling layers, as shown in Fig. 3. The latter reduces the size of the incoming data. In contrast to a fully connected layer, in a convolutional layer exists the so-called neuron’s receptive field, which means that every single neuron receives input from only a restricted area of the previous layer.

Fig. 3
figure 3

Convolutional neural network

Most CNNs use at some point as an activation function the Rectified Linear Unit (ReLU) function, or variants. ReLU is simply defined as [7],

$$\begin{aligned} f(x) = \max (0,x) \end{aligned}$$
(8)

Despite its mathematical simplicity, its use has been proved valuable in order to avoid over-fitting.

2.4 Reinforcement learning

Reinforcement Learning (RL) is one of the three major ML paradigms [7]. In this framework, a learning agent is able to act within its environment, take actions and learn through trial and error. Finding a balance between exploration of an “unknown space” and exploitation of its “current knowledge”, the agent maximizes a cumulative reward [17]. Recently the combination of DL architectures with RL (DRL) in a unified setup has provided solutions to many difficult problems [18].

RL has many similarities with the fields of dynamic programming and optimal control [19]. In this context, the environment is often modeled as Markov decision process (MDP). However, RL methods do not always assume the knowledge of an exact model of the environment. Formally, a MDP is defined as a 4-tuple \((\textit{S}, \textit{A}, \textit{P}, \textit{Q})\), where S is the state space, A is the action space, Q is the immediate reward and the probability that action \(a_{1}\) in state \(s_{1}\) at time t will lead to state\(s_{2}\) at time t + 1 is given by

$$\begin{aligned} P_{a_{1}}(s_{1},s_{2}) = Pr(s_{t+1}=s_{2}|s_{t}=s_{1}, a_{t}=a_{1}) \end{aligned}$$
(9)

Deep Q-Learning (DQL) is a branch of DRL which is utilized for many tasks in different areas, including wireless communications. In DQL, a Q-value is an estimation of how good it is to take the action A at the state S at time t. In this way, a matrix is created where the agent can refer to in order to maximize its cumulative reward [17].

$$\begin{aligned} Q_{\pi }(S_{t}, A_{t}) = {\mathbb {E}}\left[ \sum _{k}\gamma ^{k}R_{t+1+k}|S_{t}, A_{t}\right] , k = 0,1,\ldots \end{aligned}$$
(10)

The realization that the matrix entries have an importance relative to the other entries, leads us to approximate the matrix values with a deep neural network.

Another frequently used DRL method that exploits DQL characteristics is the deep deterministic policy gradient (DDPG) algorithm. DDPG is an “off-policy” method that consists of two entities; the actor and the critic. The actor is modeled as a policy network and its input is the state and its output the exact continuous action (instead of a probability distribution over actions). The critic is a Q-value network that takes in state and action as input and outputs the Q-value. [20].

3 CF M-MIMO

In this section, the basic characteristics of CF M-MIMO networks and user-centric CF M-MIMO networks are discussed. For a detailed analysis of the fundamentals of cellular M-MIMO networks the interested reader may refer to [1], while for CF M-MIMO [2, 3] and [4].

3.1 Conventional CF M-MIMO

Current wireless communications systems are based on the cellular architecture, where the coverage area is divided into cells. Cell-free technology has been proposed as a change of paradigm in communications engineering, trying to meet the beyond 5G telecommunications’ demands [21]. Fig. 4 shows the number of papers referring to CF M-MIMO technology.

Fig. 4
figure 4

Number of papers referring to CF M-MIMO

Following [2], CF M-MIMO can be described as an ultra-dense wireless network where joint transmission and reception are achieved through the cooperating APs which serve the user equipment (UE). A benefit of the CF M-MIMO is that the system as a whole makes use of the physical layer concepts from the cellular M-MIMO area. More specifically, a CF M-MIMO network consists of numerous distributed APs which are connected to a central processing unit (CPU). In this way, there is no need for cells and the users are served simultaneously by all APs, as illustrated in Fig. 5. The motivation behind this idea is to provide an, as uniform as possible, quality of service in the given space.

Fig. 5
figure 5

CF M-MIMO network

CF M-MIMO brings a change of paradigm in wireless communications, offering many advantages over the classical cellular telecommunications systems. In particular, CF M-MIMO technology offers (i) smaller SNR variations, (ii) managing interference and (iii) increased SNR values [2,3,4,5,6].

Smaller SNR variations are achieved through uniform SNR across the coverage area. The joint transmission from multiple APs, helps suppressing the inter-cell interference. The involvement of APs, with weaker channels in the transmission, results in an increased signal-to-interference-and-noise ratio (SINR). In the cellular paradigm, only the AP with the best channel is utilized. In addition, having a much larger number of antennas than users, has the effect of creating many spatial degrees of freedom to separate the UE in space. As a result the transmitted and received signals can be processed using linear methods [2].

3.1.1 Conventional TDD-based CF M-MIMO

Most CF M-MIMO scenarios consider a time division duplexing (TDD) operation. Here, the basic system model is introduced. For a discussion of FDD operation, one can refer to [3].

Considering the deployment of a CF M-MIMO network, it is going to consist of \({\mathcal {L}}\) distributed APs, each equipped with \({\mathcal {M}}\) antennas serving \({\mathcal {K}}\) single-antenna users. The scenario considering multi-antenna users can be modeled in the same way, by just adding more single-antenna users.

Each AP acquires channel state information (CSI) between itself and all users via the uplink channel estimation method. The channel between the l-th AP and the k-th user is denoted by \({\mathbf {h}}_{kl}\in {\mathbb {C}}^{N}\). The channel is considered approximately constant during coherence time \(\tau _{c}\) and follows a correlated Rayleigh fading distribution,

$$\begin{aligned} {\mathbf {h}}_{kl} \sim \mathbf {{\mathcal {N}}}_{{\mathbb {C}}}({\mathbf {0}}, \mathbf {Cor}_{kl}) \end{aligned}$$
(11)

In the above equation, \(\mathbf {Cor}_{kl}\) is simply the spatial correlation matrix composed of the small-scale fading and large-scale fading.

For channel estimation we use \(\tau _{p}\) mutually orthogonal pilots \(q_{1},\ldots , q_{\tau _{p}}\), such that \(||q_{j}||^{2}_{2}=\tau _{p}\), \(j=1,\ldots ,\tau _{p}\) and \(\tau _{p}\) is the length of the pilot. The uplink received signal corresponding to the pilot signal at the l-th AP is [2]

$$\begin{aligned} {\mathbf {Y}}_{l}^{p} = \sum _{k=1}^{K}p_{k}^{1/2}{\mathbf {h}}_{kl}{\mathbf {q}}_{j_{k}}^{T} + {\mathbf {n}}_{l}^{p}, \end{aligned}$$
(12)

where \(p_{k} \ge 0\) the transmit power of the k-th user, \({\mathbf {n}}_{l}^{p} \in {\mathbb {C}}^{{\mathcal {N}}\times \tau _{p}}\) is the additive noise and each element is considered i.i.d.

However, despite their appealing amenities CF M-MIMO networks face serious challenges regarding their practical implementation. The main one is that this configuration is not scalable as the number of users increases [2]. As a result, they cannot be deployed for the future 6G wireless networks.

3.2 User-centric CF M-MIMO

As previously stated, the main challenge that CF M-MIMO systems face, is the fact that they are not scalable, thus making them impractical for 6G applications. In order to overcome this problem, user-centric CF M-MIMO has been proposed. In this new setup, a subset of APs is transmitted to the UE. As a result, the fronthaul signaling is reduced, while at the same time the performance loss is negligible. Stated differently, user-centric CF M-MIMO makes use of dynamic cooperation clustering, where a subset of APs serves the user k. In [2], one proved that this new configuration is scalable.

Cellular M-MIMO communication systems make use of two emerging phenomena: (i) Channel hardening and (ii) favorable propagation, which explain the resulting performance gain. Channel hardening explains the situation where a fading channel has almost the same effects with a non-fading channel. Favorable propagation is defined in the case of the vector-valued channels [22, 23]. These two properties are extended in the user-centric CF M-MIMO framework, since the above characteristics remain. However, a proper mathematical analysis is needed.

The mathematical formulation of user-centric function extends the results obtained in the previous section, but also utilizes the concept of dynamic cooperation clustering (DCC) [24]. DCC refers to the idea that every user selects which antennas should serve them.

Let us consider the scenario discussed previously and a set of diagonal matrices \({\mathbf {D}}_{kl}\in {\mathbb {C}}^{N\times N}\). These matrices establish the connection between users and antennas. If an antenna is allowed to serve the k-th user then the matrix \({\mathbf {D}}_{kl}\) is transformed to the identity matrix. The DCC framework allows only a subset of the APs to participate [3], so the received downlink signal at k-th user is given by [2],

$$\begin{aligned} y_{k} = \sum _{l=1}^{L}{\mathbf {h}}_{kl}^{H}\sum _{k=1}^{K}{\mathbf {D}}_{kl}{\mathbf {w}}_{kl}s_{k} + n_{k} \end{aligned}$$
(13)

where \({\mathbf {w}}_{kl}\) is the precoding vector, \(s_{k}\) is the transmitted signal and as before \(n_{k}\sim CN(0,\sigma ^{2})\) is the additive Gaussian noise.

It is evident that if \({\mathbf {D}}_{kl}=0\), the k-th user is not served by l-th AP.

4 DL for CF M-MIMO systems

DL has been recently applied in many tasks in the field of wireless communications [8]. In addition DL is considered a main component of beyond 5G communications systems. In this section, the application of DL models in CF M-MIMO systems is reviewed. In Table 1, the results presented in this section are summarized.

Table 1 DL methods for CF M-MIMO systems

4.1 Resource allocation and power efficiency

In wireless networks, power allocation is a very important factor for the system’s overall efficiency [45, 46]. When power allocation is properly performed, signal communication can take place in a near-optimum way. The allocation of power to the individual users should take into consideration two things: (i) the maximization of the minimum capacity guaranteed to each of them and (ii) the channel’s dynamics [1]. Exploiting the characteristics of DL techniques one can approximate the power allocation and control problem.

The sum rate maximization problem indirectly maximizes the spectral efficiency of the system. A solution to this problem is discussed in [25]. The sum rate describes the summation of the achievable rates of multiple concurrent transmissions and the problem of its maximization is a non-convex one. In that research paper, power allocation problem is converted into a standard geometric program (GP) and the channel statistics is exploited to design the respective power elements. Employing large-scale-fading (LSF) with a CNN allows to determine a mapping from the LSF coefficients and the optimal power through solving the sum rate maximization problem.

The uplink power control is studied in [26]. In the Supervised Learning framework, a FFNN is trained to learn the pairs of input-output data. In this particular setting, the optimal solution of the power allocation strategy is the goal of the FFNN’s training. In a similar manner, the same problem is tackled in [27]. The authors train a LSTM, taking into consideration different scenarios.

A different approach is given in [28]. An Unsupervised Learning setting is established, where a FFNN is designed to learn the optimum user power allocations which maximize the minimum user rate. In this way there is no need to know in advance the optimal power allocations. An alternative research direction in problem of downlink power allocation is provided in [29]. First the authors proved a generalization of maximum ratio precoding and then they trained a NN for every AP. The goal is to mimic system-wide max-min fairness power allocation. One major benefit of that paper over other candidate solutions, is the use of only local information, outperforming the state-of-the-art power allocation algorithms for CF M-MIMO scenarios.

Maximum ratio transmission (MRT) as a concept for multiple antenna systems was introduced in [47]. MRT combined with a CF M-MIMO network results in smaller fronthaul overhead. The work proposed in [30] considers the task of finding practical near-optimal power control utilizing DL methods. The whole procedure consists of a CNN whose input is the channel matrix of large-scale fading coefficients and its outputs are the total transmit power of each AP. This information is then used to compute the downlink power control for each user, with a low-complexity convex program.

RL has also been employed in resource allocation problems. More specifically, in [31] DQL is utilized. The allocation of the downlink transmission powers in a CF M-MIMO configuration is achieved by making use of a DQN. The sum spectral efficiency optimization problem is discussed. Spectral efficiency refers to the maximum number of bits of data that can be transmitted to a specified number of users per second per Hz while maintaining an acceptable quality of service. Exploiting the RL framework of trial-and-error interactions with the environment over time, the DQN is trained taking as input of the long-term fading information and then it outputs the downlink transmission power values.

A similar approach is used in [32]. The proposed DQN and the deep deterministic policy gradient (DDPG) methods are employed for the task of dynamic power allocation. The goal here is to maximize the sum-spectral efficiency. The numerical results showed a competitive performance with the state-of-the-art weighted minimum mean square error (WMMSE) algorithm.

Another important factor in the operation of wireless networks is the power efficiency and the long-term energy efficiency. The long term energy efficiency of the uplink beamforming is addressed in [33]. Exploiting the information obtained from the MMSE algorithm, an estimation of SINR is given. Then the long-term energy efficiency is defined as a function of the beamforming matrix. As a final step, the authors utilize DRL algorithm based on deep deterministic policy gradient to model the dynamic beamforming design.

In the current literature model-based approaches regarding power control have prevailed. However, in [34] the authors exploit a model-free solution for downlink power control, using also the deep deterministic policy gradient algorithm (DDPG) with FFNNs.

Industrial Internet of Things (IIoT) is developed in parallel with other IoT networks. The architecture and optimization of such networks are considered as difficult problems, hence DL techniques are often applied. Cell-free architectures have been proposed for IIoT networks. In [35] a systematic study of DRL in CF M-MIMO IIoT is presented. In particular, considering a cross-layer optimization scenario (power allocation in the physical layer and random access in the medium access layer), a dual deep deterministic policy gradient (DDPG) algorithm is designed for resource management tasks.

4.2 Channel estimation

Channel estimation is a fundamental concept in wireless communications and refers to the process of characterizing the dynamics of the wireless channel [23].

The authors of [36] formulate the concept of channel mapping in space and frequency. Considering a scenario with two sets of antennas with different frequency bands, the channels and the frequencies of the first one are mapped to the channels and frequency bands of the other set of antennas. Leveraging the results of their proposed analysis, a FFNN was utilized for channel mapping in a CF M-MIMO model. This DL method managed to reduce both the downlink training/feedback and the fronthaul signaling overhead.

In [37] the authors employ a flexible denoising convolutional neural network (FFDNet) for the task of channel estimation in a CF M-MIMO framework. The results showed that the time spent for the FFDNet training is much less than the time that is needed from the state-of-the-art channel estimators, such as CNN, achieving at the same time similar performance. In order to remove the need for relative reciprocity calibration based on the cooperation of antennas, a cascade of two FFNNs is proposed in [38].

Unsupervised Learning is employed for the task of decentralized beamforming in [39]. The authors propose two different deep neural networks models, one fully distributed and the other partially distributed. The training is performed in an unsupervised framework and each model is able to perform decentralized coordinated beamforming with zero or limited communication overhead between APs and the network controller, for both fully digital and hybrid precoding. The proposed methods achieve a near-optimal sum-rate while also reducing significantly the complexity.

For the case of enhanced normalized conjugate beamforming, the authors in [40] derived an exact closed-form expression for an achievable downlink spectral efficiency. To achieve such a result, they assumed independent Rayleigh fading channels. DL could be proved useful for other cases, where such a modeling would not be sufficient.

4.3 Federated learning

Federated Learning (FL) is a sub-field of ML algorithms, where the models are trained across multiple decentralized devices, while at the same time they hold only local data, without exchanging them (offering advanced security). This is an alternative approach compared to traditional centralized ML techniques where all the local datasets are uploaded to one server [48].

Wireless FL faces many challenges. In [41] a novel scheme for CF M-MIMO networks is proposed. This scheme tries to establish a stable operation in any FL framework by allowing each instant of all the iterations of the FL framework to happen in a large-scale coherence time. The authors take into account an existing FL framework as an example and target FL training time minimization for this framework.

The authors in [42] try to answer the following question: How does a wireless network support multiple FL groups? Their proposal is CF M-MIMO network to establish a stable operation of multiple FL processes. Then, a novel scheme is developed which asynchronously executes the iterations of FL processes under multi-casting downlink and conventional uplink transmission protocols. As a final step, an optimal low-complexity resource allocation algorithm is used.

4.4 Other applications

Apart from the aforementioned DL applications in CF M-MIMO, there are some insights in other possible use-case scenarios. Considering the case of a large scale CF M-MIMO network, a FFNN is utilized in [43] for pilot assignment. The goal is to maximize the sum spectral efficiency.

Examining the advantages of joint cooperation clustering and content caching in CF M-MIMO, a DRL approach is discussed in [44] demonstrating good energy efficiency performance with no prior information requirements.

5 Future directions and conclusions

There is a consensus among researchers in the field of communications engineering that CF M-MIMO will play a very important role in the deployment of beyond 5G networks. As a result, a growing number of papers relative to these issues are being published every year. Although DL methods seem to offer a data-driven approach, thus improving the overall performance, it is likely that standalone techniques will not be proved sufficient. On the contrary, advanced signal processing techniques, compressed sensing and DL methods employed in a combined way which leverages the individual characteristics of each method are more likely to offer solutions in the near future.

The main drawback of practical implementation of DL models in wireless communications is their computational cost. Reducing the required memory and utilizing results from a “classical” analysis will provide better resource usage. In addition power allocation and energy efficiency will be central in the near-future research, while DL applications focusing only on user-centric CF M-MIMO are also expected.

Another factor that will enable future research in this field is the publication of the codes and the rest computational tools that were used along with the published works. Publicly available datasets and simulation codes have helped other fields to grow rapidly. It is inevitable that such practices will boost the research activity in wireless communications in general.

In this article, an extensive review of the work around DL methods for CF M-MIMO systems was provided. More specifically, DL architectures applied on the field of CF M-MIMO technology were reviewed and the basic information about the CF MIMO systems was discussed, including the user-centric variant. The model’s equations were presented for both conventional systems and the user-centric approach. The survey was focused on resource allocation, channel estimation and federated learning problems. In these three areas, DL methods seem to achieve better results. Finally, future research directions were highlighted, offering insights for further study.

Availability of data and materials

Data sharing is not applicable to this article as no datasets were generated or analyzed during the current study.

Abbreviations

5G:

Fifth generation

6G:

Sixth generation

MIMO:

Multiple-input-multiple-output

CF M-MIMO:

Cell-free massive MIMO

DL:

Deep learning

ML:

Machine learning

NN:

Neural networks

FL:

Federated learning

AP:

Access point

TDD:

Time division duplex

FDD:

Frequency division duplex

CPU:

Central processing unit

FFNN:

Feed-forward neural network

RNN:

Recurrent neural network

CNN:

Convolutional neural network

LSTM:

Long short-term memory

RL:

Reinforcement learning

DRL:

Deep reinforcement learning

WMMSE:

Weighted minimum mean square error

DCC:

Dynamic cooperation clustering

IoT:

Internet of things

IIoT:

Industrial Internet of things

ReLU:

Rectified linear unit

CSI:

Channel state information

References

  1. T.L. Marzetta, E.G. Larsson, H. Yang, H.Q. Ngo, Fundamentals of Massive MIMO. Cambridge University Press, (2016). https://doi.org/10.1017/CBO9781316799895

  2. Özlem Tugfe Demir, E. Björnson, L. Sanguinetti, Foundations of user-centric cell-free massive MIMO. Found. Trends \(\bigcirc \!\!\!\!\!{{\rm R}}\,\) Signal Process. 14(3–4), 162–472 (2021). https://doi.org/10.1561/2000000109

  3. H. He, X. Yu, J. Zhang, S. Song, K.B. Letaief, Cell-free massive MIMO for 6G wireless communication networks. J. Commun. Inf. Netw. 6(4), 321–335 (2021). https://doi.org/10.23919/JCIN.2021.9663100

    Article  Google Scholar 

  4. S. Elhoushy, M. Ibrahim, W. Hamouda, Cell-free massive MIMO: a survey. IEEE Commun. Surv. Tutor. 24(1), 492–523 (2022). https://doi.org/10.1109/COMST.2021.3123267

    Article  Google Scholar 

  5. U. Madhow, D.R. Brown, S. Dasgupta, R. Mudumbai, Distributed massive MIMO: algorithms, architectures and concept systems. In: 2014 information theory and applications workshop (ITA), 1–7 (2014). https://doi.org/10.1109/ITA.2014.6804225

  6. S. Chen, J. Zhang, J. Zhang, E. Björnson, B. Ai, A survey on user-centric cell-free massive MIMO systems. Digit. Commun. Netw. (2021). https://doi.org/10.1016/j.dcan.2021.12.005

    Article  Google Scholar 

  7. I. Goodfellow, Y. Bengio, A. Courville, Deep Learning. MIT Press, (2016). http://www.deeplearningbook.org

  8. L. Dai, R. Jiao, F. Adachi, H.V. Poor, L. Hanzo, Deep learning for wireless communications: an emerging interdisciplinary paradigm. IEEE Commun. Mag. (2020). https://doi.org/10.1109/MWC.001.1900491

    Article  Google Scholar 

  9. V.P. Rekkas, S. Sotiroudis, P. Sarigiannidis, G.K. Karagiannidis, S.K. Goudos, Unsupervised machine learning in 6g networks -state-of-the-art and future trends. In: 2021 10th international conference on modern circuits and systems technologies (MOCAST), 1–4 (2021). https://doi.org/10.1109/MOCAST52088.2021.9493388

  10. Y. Zhang, Z. Wang, S. Wan, Q. Pei, Distributed computation offloading method based on deep reinforcement learning in ICV. Appl. Soft Comput. 103, 107108 (2021). https://doi.org/10.1016/j.asoc.2021.107108

    Article  Google Scholar 

  11. J. Schmidhuber, Deep learning in neural networks: an overview. Neural Netw. 61, 85–117 (2015). https://doi.org/10.1016/j.neunet.2014.09.003

    Article  Google Scholar 

  12. S. Hochreiter, J. Schmidhuber, Long short-term memory. Neural Comput. 9(8), 1735–1780 (1997)

    Article  Google Scholar 

  13. K. Greff, R.K. Srivastava, J. Koutní, B.R. Steunebrink, J. Schmidhuber, LSTM: a search space odyssey. IEEE Trans. Neural Netw. Learn. Syst. 28(10), 2222–2232 (2017). https://doi.org/10.1109/TNNLS.2016.2582924

    Article  MathSciNet  Google Scholar 

  14. A. Vaswani, N. Shazeer, N. Parmar, J. Uszkoreit, L. Jones, A.N. Gomez, L.u. Kaiser, I. Polosukhin, Attention is all you need. In: Guyon, I., Luxburg, U.V., Bengio, S., Wallach, H., Fergus, R., Vishwanathan, S., Garnett, R. (eds.) Advances in Neural Information Processing Systems, vol. 30. Curran Associates, Inc., (2017). https://proceedings.neurips.cc/paper/2017/file/3f5ee243547dee91fbd053c1c4a845aa-Paper.pdf

  15. O. Russakovsky, J. Deng, H. Su, J. Krause, S. Satheesh, S. Ma, Z. Huang, A. Karpathy, A. Khosla, M. Bernstein, A.C. Berg, L. Fei-Fei, Imagenet large scale visual recognition challenge. Int. J. Comput. Vision 115(3), 211–252 (2015). https://doi.org/10.1007/s11263-015-0816-y

    Article  MathSciNet  Google Scholar 

  16. S. Albawi, T.A. Mohammed, S. Al-Zawi, Understanding of a convolutional neural network. In: 2017 international conference on engineering and technology (ICET), pp. 1–6 (2017). https://doi.org/10.1109/ICEngTechnol.2017.8308186

  17. R.S. Sutton, A.G. Barto, Reinforcement Learning: An Introduction, 2nd edn. The MIT Press, (2018). http://incompleteideas.net/book/the-book-2nd.html

  18. Z. Wen, W. Zhang, M. Qian, A comprehensive review of deep reinforcement learning for object detection. In: 2021 international symposium on artificial intelligence and its application on media (ISAIAM), pp. 146–150 (2021). https://doi.org/10.1109/ISAIAM53259.2021.00038

  19. D.P. Bertsekas, Reinforcement Learning and Optimal Control / by Dimitri P (Bertsekas. Athena Scientific optimization and computation series. Athena Scientific, Belmont, Massachusetts, 2019)

  20. T.P. Lillicrap, J.J. Hunt, A. Pritzel, N.M.O. Heess, T. Erez, Y. Tassa, D. Silver, D. Wierstra, Continuous control with deep reinforcement learning. CoRR abs/1509.02971 (2016)

  21. J. Zhang, S. Chen, Y. Lin, J. Zheng, B. Ai, L. Hanzo, Cell-free massive MIMO: a new next-generation paradigm. IEEE Access 7, 99878–99888 (2019). https://doi.org/10.1109/ACCESS.2019.2930208

    Article  Google Scholar 

  22. D. Tse, P. Viswanath, Fundamentals of Wireless Communication (Cambridge University Press, USA, 2005)

    Book  Google Scholar 

  23. A. Goldsmith, Wireless Communications (Cambridge University Press, USA, 2005)

    Book  Google Scholar 

  24. E. Björnson, L. Sanguinetti, Scalable cell-free massive MIMO systems. IEEE Trans. Commun. 68(7), 4247–4261 (2020). https://doi.org/10.1109/TCOMM.2020.2987311

    Article  Google Scholar 

  25. M. Bashar, A. Akbari, K. Cumanan, H. Ngo, A. Burr, P. Xiao, M. Debbah, J. Kittler, Exploiting deep learning in limited-fronthaul cell-free massive MIMO uplink. IEEE J. Sel. Areas Commun. 38(8), 1678–1697 (2020). https://doi.org/10.1109/JSAC.2020.3000812

    Article  Google Scholar 

  26. C. D’Andrea, A. Zappone, S. Buzzi, M. Debbah Uplink power control in cell-free massive MIMO via deep learning. In: 2019 IEEE 8th International workshop on computational advances in multi-sensor adaptive processing (CAMSAP), pp. 554–558 (2019). https://doi.org/10.1109/CAMSAP45676.2019.9022520

  27. Y. Zhao, I.G. Niemegeers, S.H. De Groot, Power allocation in cell-free massive MIMO: a deep learning method. IEEE Access 8, 87185–87200 (2020). https://doi.org/10.1109/ACCESS.2020.2992629

    Article  Google Scholar 

  28. N. Rajapaksha, K.B.S. Manosha, N. Rajatheva, M. Latva-aho, Deep learning-based power control for cell-free massive MIMO networks. In: ICC 2021 - IEEE international conference on communications, pp. 1–7 (2021)

  29. S. Chakraborty, E. Björnson, L. Sanguinetti, Centralized and distributed power allocation for max-min fairness in cell-free massive mimo. In: 2019 53rd asilomar conference on signals, systems, and computers, pp. 576–580 (2019). https://doi.org/10.1109/IEEECONF44664.2019.9048903

  30. L. Salaün, H. Yang, Deep learning based power control for cell-free massive MIMO with MRT. In: 2021 IEEE global communications conference (GLOBECOM), pp. 01–07 (2021). https://doi.org/10.1109/GLOBECOM46510.2021.9685229

  31. Y. Zhao, I.G. Niemegeers, S.H. De Groot, Deep q-network based dynamic power allocation for cell-free massive MIMO. In: 2021 IEEE 26th international workshop on computer aided modeling and design of communication links and networks (CAMAD), pp. 1–7 (2021). https://doi.org/10.1109/CAMAD52502.2021.9617768

  32. Y. Zhao, I. Niemegeers, S. Groot, Dynamic power allocation for cell-free massive MIMO: deep reinforcement learning methods. IEEE Access 9, 102953–102965 (2021). https://doi.org/10.1109/ACCESS.2021.3097243

    Article  Google Scholar 

  33. W. Li, W. Ni, H. Tian, M. Hua, Deep reinforcement learning for energy-efficient beamforming design in cell-free networks. In: 2021 IEEE wireless communications and networking conference workshops (WCNCW), pp. 1–6 (2021). https://doi.org/10.1109/WCNCW49093.2021.9420002

  34. L. Luo, J. Zhang, S. Chen, X. Zhang, B. Ai, D.W.K. Ng, Downlink power control for cell-free massive MIMO with deep reinforcement learning. IEEE Trans. Veh. Technol. (2022). https://doi.org/10.1109/TVT.2022.3162585

    Article  Google Scholar 

  35. X. Liu, H. Zhang, X. Wen, K. Long, J. Wang, L. Sun, Primal-dual learning for cross-layer resource management in cell-free massive MIMO IIoT. IEEE Internet Things J. (2021). https://doi.org/10.1109/JIOT.2021.3137348

    Article  Google Scholar 

  36. M. Alrabeiah, A. Alkhateeb, Deep learning for TDD and FDD massive MIMO: mapping channels in space and frequency, pp. 1465–1470 (2019). https://doi.org/10.1109/IEEECONF44664.2019.9048929

  37. Y. Jin, J. Zhang, S. Jin, B. Ai, Channel estimation for cell-free mmWave massive MIMO through deep learning. IEEE Trans. Veh. Technol. 68(10), 10325–10329 (2019). https://doi.org/10.1109/TVT.2019.2937543

    Article  Google Scholar 

  38. N. Athreya, V. Raj, S. Kalyani, Beyond 5G: leveraging cell free TDD massive MIMO using cascaded deep learning. IEEE Wirel. Commun. Lett. 9(9), 1533–1537 (2020). https://doi.org/10.1109/LWC.2020.2996745

    Article  Google Scholar 

  39. H. Hojatian, J. Nadal, J.-F. Frigon, F. Leduc-Primeau, Decentralized beamforming for cell-free massive MIMO with unsupervised learning. IEEE Commun. Lett. (2022). https://doi.org/10.1109/LCOMM.2022.3157161

    Article  Google Scholar 

  40. G. Interdonato, H.Q. Ngo, E.G. Larsson, Enhanced normalized conjugate beamforming for cell-free massive MIMO. IEEE Trans. Commun. 69(5), 2863–2877 (2021). https://doi.org/10.1109/TCOMM.2021.3055522

    Article  Google Scholar 

  41. T. Vu, D. Ngo, N. Tran, H. Ngo, M. Dao, R.H. Middleton, Cell-free massive MIMO for wireless federated learning. IEEE Trans. Wirel. Commun. 19(10), 6377–6392 (2019)

    Article  Google Scholar 

  42. T. Middleton, H. Ngo, T. Marzetta, M. Matthaiou, How does cell-free massive MIMO support multiple federated learning groups, pp. 401–405 (2021). https://doi.org/10.1109/SPAWC51858.2021.9593248

  43. J. Li, Z. Wu, P. Zhu, D. Wang, Y. Xiaohu, Scalable pilot assignment scheme for cell-free large-scale distributed MIMO with massive access. IEEE Access (2021). https://doi.org/10.1109/ACCESS.2021.3110102

    Article  Google Scholar 

  44. R. Chang, S. Han, F. Chien, Reinforcement learning-based joint cooperation clustering and content caching in cell-free massive mimo networks. In: 2021 IEEE 94th vehicular technology conference, VTC 2021-fall - proceedings. IEEE vehicular technology conference. Institute of electrical and electronics engineers Inc., United States (2021). https://doi.org/10.1109/VTC2021-Fall52928.2021.9625449. Publisher Copyright: \({\copyright }\) 2021 IEEE.; null ; Conference date: 27-09-2021 Through 30-09-2021

  45. L. Zhao, C. Wang, K. Zhao, D. Tarchi, S. Wan, N. Kumar, Interlink: a digital twin-assisted storage strategy for satellite-terrestrial networks. IEEE Trans. Aerosp. Electron. Syst. (2022). https://doi.org/10.1109/TAES.2022.3169130

    Article  Google Scholar 

  46. W. Wei, R. Yang, H. Yang, W. Zhao, C. Chen, S. Wan, Multi-objective optimization for resource allocation in vehicular cloud computing networks. IEEE Trans. Intell. Transp. Syst. (2021). https://doi.org/10.1109/TITS.2021.3091321

    Article  Google Scholar 

  47. T.K.Y. Lo, Maximum ratio transmission. IEEE Trans. Commun. 47(10), 1458–1461 (1999). https://doi.org/10.1109/26.795811

    Article  Google Scholar 

  48. H. Zhang, J. Bosch, H. Olsson, Engineering Federated Learning Systems: A Literature Review, pp. 210–218 (2021). https://doi.org/10.1007/978-3-030-67292-8_17

Download references

Funding

This research was supported by the European Union, through the Horizon 2020 Marie Skłodowska-Curie Research and Innovation Staff Exchange Programme “Research collaboration and mobility for beyond 5G future wireless networks (RECOMBINE)” under grant agreement no. 872857.

Author information

Authors and Affiliations

Authors

Contributions

All authors read and approved the final manuscript

Corresponding authors

Correspondence to Lazaros Alexios Iliadis or Sotirios K. Goudos.

Ethics declarations

Competing interests

The authors declare that they have no competing interests.

Additional information

Publisher's Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Iliadis, L.A., Zaharis, Z.D., Sotiroudis, S. et al. The road to 6G: a comprehensive survey of deep learning applications in cell-free massive MIMO communications systems. J Wireless Com Network 2022, 68 (2022). https://doi.org/10.1186/s13638-022-02153-z

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s13638-022-02153-z

Keywords