CDDM: Channel Denoising Diffusion Models for Wireless Semantic Communications

Tong Wu, Zhiyong Chen, Senior Member, IEEE, Dazhi He, Member, IEEE, Liang Qian, Yin Xu, Member, IEEE, Meixia Tao, Fellow, IEEE, and Wenjun Zhang, Fellow, IEEE The paper will be presented in part at IEEE GLOBECOM 2023 [1].The authors are with the Cooperative Medianet Innovation Center (CMIC), Shanghai Jiao Tong University, Shanghai 200240, China, and Shanghai Key Laboratory of Digital Media Processing and Transmission (e-mail: {wu_tong, zhiyongchen, hedazhi, lqian, xuyin, mxtao, zhangwenjun}@sjtu.edu.cn). L. Qian, M. Tao and W. Zhang are also with the Department of Electronic Engineering, Shanghai Jiao Tong University, Shanghai 200240, China.
Abstract

Diffusion models (DM) can gradually learn to remove noise, which have been widely used in artificial intelligence generated content (AIGC) in recent years. The property of DM for eliminating noise leads us to wonder whether DM can be applied to wireless communications to help the receiver mitigate the channel noise. To address this, we propose channel denoising diffusion models (CDDM) for semantic communications over wireless channels in this paper. CDDM can be applied as a new physical layer module after the channel equalization to learn the distribution of the channel input signal, and then utilizes this learned knowledge to remove the channel noise. We derive corresponding training and sampling algorithms of CDDM according to the forward diffusion process specially designed to adapt the channel models and theoretically prove that the well-trained CDDM can effectively reduce the conditional entropy of the received signal under small sampling steps. Moreover, we apply CDDM to a semantic communications system based on joint source-channel coding (JSCC) for image transmission. Extensive experimental results demonstrate that CDDM can further reduce the mean square error (MSE) after minimum mean square error (MMSE) equalizer, and the joint CDDM and JSCC system achieves better performance than the JSCC system and the traditional JPEG2000 with low-density parity-check (LDPC) code approach.

Index Terms:
Diffusion models, wireless image transmission, semantic communications, joint source-channel coding.

I Introduction

Diffusion models (DM)[2, 3, 4] have recently achieved unprecedented success in artificial intelligence generated content (AIGC) [5], including multimodal image generation and edition [6, 7], text, and video generation [8, 9]. DM is a class of latent variable models inspired by non-equilibrium thermodynamics. They directly model the score function of the likelihood function through variational lower bounds, resulting in advanced generative performance. Compared to previous generative models such as variational auto-encoder (VAE) [10], generative adversarial network (GAN) [11], and normalization flow (NF) [12], DM can learn fine-grained knowledge of the distribution, allowing it to generate contents with rich details. Additionally, diffusion models are capable of generating more diverse images and have been shown to be resistant to mode collapse. The emergence of implicit classifiers endows diffusion models with flexibility controllability, enhanced efficiency and ensuring faithful generation in conditional generation tasks.

More specifically, DM gradually adds Gaussian noise to the available training data in the forward diffusion process until the data becomes pure noise. Then, in the reverse sampling process, it learns to recover the data from the noise, as shown in Fig. 1. Generally, given a data distribution 𝐱0q(𝐱0), the forward diffusion process generates the t-th sample of 𝐱t by sampling a Gaussian vector ϵ𝒩(0,𝐈) as following

𝐱t=α¯t𝐱0+1α¯tϵ, (1)

where α¯t=i=1tαi and αi(0,1) are hyperparameters.

In wireless communications, it is well known that the received signal y is a noisy and distorted version of the transmitted signal x, e.g., we have the following for the additive white Gaussian noise (AWGN) channel

y=x+n, (2)

where n is white Gaussian noise.

Interestingly, compared to (1) and (2), we can find that the designed process of DM and the wireless communications system are similar. DM progressively learns to effectively remove noise, thereby generating data that closely resembles the original distribution, while the receiver in the wireless communications system aims to recover the transmitted signal from the received signal. Clearly, can DM be applied to the wireless communications system to help the receiver remove noise?

Refer to caption
Figure 1: The forward diffusion process with transition kernel q(𝐱t|𝐱t1) and the reverse sampling process with learnable transition kernel pθ(𝐱t1|𝐱t) of diffusion model in [3].

Motivated by this, in this paper, we design channel denoising diffusion models (CDDM) for semantic communications in the wireless communications system. The proposed CDDM is conditioned on the received signal and channel estimation results to eliminate channel noise. In contrast to conventional generative models that only generate data adhering to the original data distribution, CDDM directly generates data that closely resembles the transmitted signal 𝐱, consequently enhancing the performance of the communications system. By employing carefully designed forward diffusion and reverse sampling processes based on an explicit conditional probabilistic model of the received signal, CDDM can adapt to different channel conditions, such as AWGN channel and Rayleigh fading channel with different signal-to-noise ratios (SNR). To leverag the received signal, we starting the reverse sampling process from the received signal rather than pure noise, greatly reducing the number of reverse sampling steps and thus accelerating the process.

In contrast to the extensive research on DM in AIGC, there have been few works of DM in wireless communications so far. In [13], DM is employed to generate the wireless channel for an end-to-end communications system, achieving almost the same performance as the channel-aware case. In [14], DM with an adapted diffusion process is proposed for the decoding of algebraic block codes. Additionally, [15] applies DM as the semantic decoder to generate the image condition on the transmitted semantic segment labels of the original image, achieving excellent mean intersection over union (mIoU) and learned perceptual image patch similarity (LPIPS) performance.

On the other hand, semantic communications [16, 17] have emerged as a novel paradigm that facilitates the seamless integration of information and communication technology with artificial intelligence (AI), which have been recognized as a highly promising solution for the sixth-generation (6G) wireless networks [18]. Semantic communications emphasize the transmission of valuable semantic information rather than bits, thereby guaranteeing improved transmission efficiency and reliability. One fundamental concept behind semantic communications is to bridge the source and channel components of Shannon theory [19], thereby enhancing the overall performance of end-to-end transmission. The paradigm focusing on the integrated design of source and channel coding processing is known as joint source-channel coding (JSCC), which is a classical subject in the coding theory and information theory [20, 21, 22]. However, traditional JSCC techniques are predominantly rooted in complex and explicit probabilistic models, heavily relying on expert manual designs which often face challenges when dealing with complex sources. Moreover, these JSCC techniques overlook semantic aspects and lack optimization for specific tasks or human visual perception.

Many previous studies investigate deep-learning based JSCC techniques for semantic communications [23, 24, 25, 26, 27, 28]. Most studies concentrate on designing specific frameworks for different data modals and have achieved better performance compared with traditional wireless transmission schemes. For wireless image transmission, [24] proposes a novel JSCC method based on attention mechanisms, which can automatically adapt to various channel conditions. In [26], an entropy model is proposed to achieve adaptive rate control for deep learning based JSCC architecture for semantic communications. In [27], the swin transformer [29] is integrated into the deep JSCC framework to improve the performance of wireless image transmission. [28] develops a joint coding-modulation method and achieves end-to-end digital semantic communication system for image transmission, outperforming the analog-based JSCC system at low SNRs. Generally, the deep-learning based JSCC have shown great performance surpassing classic separation-based JPEG2000 source coding and advanced low-density parity-check (LDPC) channel coding, especially for small size images and under human visual perception evaluation matric such as muti-scale structure similarity index measure (MSSSIM) [30].

Despite its great potential, previous studies predominantly concentrate on the development of a more sophisticated model architecture with increased capacity to enhance overall performance. The channel distortion is handled through direct end-to-end optimization. In this case, the JSCC models solely learn coding and decoding strategies by utilizing received signal samples, combating channel interference. To more effectively mitigate channel interference, we integrate the CDDM with the JSCC-based semantic communications system for wireless image transmission, where the signal after CDDM is fed into the JSCC decoder to recover the image. As previously discussed, our CDDM is specially developed to mitigate channel distortion by eliminating channel noise based on an explicit probability of the received signal, thereby improving the performance of the JSCC-based semantic communication system.

Refer to caption
Figure 2: Architecture of the joint CDDM and JSCC system.

The contributions of this paper can be summarized as follows.

  • We design a CDDM module based on the U-Net framework in wireless communications, which lies after the channel equalization (or without channel equalization) over the Rayleigh channel (or AWGN channel). The CDDM module learns the distribution of the channel input signal to predict the channel noise and remove it. The model is trained through the forward diffusion process specially designed to adapt the channel models, requiring no knowledge of the current channel state. After training, the CDDM addresses the received signal after equalization with the corresponding sampling algorithm, succeeding in eliminating the channel noise.

  • We derive the explicit condition probability of the received signal after equalization according to the channel mathmatical model and the equalization algorithm, which instructs us to design the corresponding forward diffusion process to match the conditional distribution. The training of the proposed CDDM is accomplished by maximizing the variational lower bound of the logarithm maximun likelihood function, which is relaxed by introducing a series of latent variables in the forward diffusion process. Furthermore, we decompose the variational lower bound into multiple components associated with the latent variables and derive the final loss function using re-parameterization and re-weighted techniques to optimize these components respectively. By utilizing the Bayesian conditional posterior probability, we obtain a sampling algorithm that successfully and effectively mitigates the channel noise.

  • We derive the sufficient condition for the reverse sampling algorithm reducing the conditional entropy of the received signal. Through Monte Carlo experiments, we discover the magnitude of the reduction in the upper bound of the conditional entropy differs from various sampling steps, providing insights for selecting the maximum sampling steps.

  • We apply the CDDM to a semantic communications system based on the JSCC technique for wireless image transmission, called the joint CDDM and JSCC system. Experiments on the mean square error (MSE) between the transmitted signal and the received signal after CDDM prove that compared to the system without CDDM, the system with CDDM has a smaller MSE performance for both Rayleigh fading channel and AWGN channel, indicating that the proposed CDDM can effectively reduce the impact of channel noise through learning. Finally, extensive experimental results on different datasets demonstrate that the joint CDDM and JSCC system outperforms both the JSCC system and the traditional JPEG2000 with LDPC codec system under both AWGN and Rayleigh fading channels in terms of the peak signal-to-noise ratio (PSNR) and MSSSIM. We also evaluate its inherent robustness to channel estimation errors and its adaptability to various SNRs.

The rest of this paper is organized as follows. The system model is introduced in Section II. The detail of the proposed CDDM is presented in Section III. The joint CDDM and JSCC system for semantic communications is introduced in Section IV. Finally, extensive experimental results are presented in Section V, and conclusions are drawn in Section VI.

II System model

In this section, we describe the system which the proposed CDDM is employed after the channel equalization as shown in Fig. 2. CDDM is trained using a specialized noise schedule adapted to the wireless channel, which enables it to effectively eliminate channel noise through sampling algorithm.

Let 𝐱2k be the real-valued symbols. Here, k is the number of channel uses. 𝐱𝐜k is the complex-valued symbols which can be transmitted through the wireless channel, and the i-th transmitted symbol of 𝐱𝐜 can be expressed as xc,i=xi+jxi+k, for i=1,,k.

Thus, the i-th received symbol of the received signal 𝐲𝐜 is

yc,i=hc,ixc,i+nc,i, (3)

where hc,i(0,1) are independent and identically distributed (i.i.d.) Rayleigh fading gains, 𝐱𝐜 has a power constraint 𝔼[𝐱𝐜22]1, and nc,i(0,2σ2) are i.i.d. AWGN samples.

𝐲𝐜 is then addressed by equalization as 𝐲𝐞𝐪k, following a normalization-reshape module outputing a real vector 𝐲𝐫2k. We consider that the receiver can obtain the channel state 𝐡𝐜=[hc,1,,hc,k] through channel estimation and in this paper, we apply minimum mean square error (MMSE) as the equalizer. Therefore, we can derive the conditional distribution of 𝐲𝐫 with known 𝐱 and 𝐡𝐜, which can be formulated to instruct the forward diffusion and reverse sampling processes of CDDM.

Proposition 1.

With MMSE, the conditional distribution of 𝐲𝐫 with known 𝐱 and 𝐡𝐜 under Rayleigh fading channel is

p(𝐲𝐫|𝐱,𝐡𝐜)𝒩(𝐲𝐫;11+σ2𝐖𝐬𝐱,σ21+σ2𝐖𝐧2), (4)

where 𝐇𝐫=diag(𝐡𝐫), 𝐡𝐫=[|𝐡𝐜||𝐡𝐜|]2k, and

𝐖𝐬=𝐇𝐫2(𝐇𝐫2+2σ2𝐈)1,𝐖𝐧=𝐇𝐫(𝐇𝐫2+2σ2𝐈)1. (5)
Proof.

Based on the defination, 𝐖𝐬 and 𝐖𝐧 are diagonal matrix, where the i-th and (i+k)-th diagonal element are

Ws,i=Ws,i+k=|hc,i|2|hc,i|2+2σ2,
Wn,i=Wn,i+k=|hc,i||hc,i|2+2σ2. (6)

The i-th output of MMSE yeq,i can be expressed as

yeq,i=|hc,i|2xc,i+hc,iHnc,i|hc,i|2+2σ2. (7)

Based on (II), we have

|hc,i|2xc,i|hc,i|2+2σ2=Ws,ixc,i. (8)

With the resampling trick, the conditional distributions of real part and imaginary part of hc,iHnc,i|hc,i|2+2σ2 are

p(Re(hc,iHnc,i|hc,i|2+2σ2)|hc,i) 𝒩(0,σ2(|hc,i||hc,i|2+2σ2)2)
=𝒩(0,σ2Wn,i2), (9)
p(Im(hc,iHnc,i|hc,i|2+2σ2)|hc,i)𝒩(0,σ2Wn,i2). (10)

Accordingly, we can rewrite 𝐲𝐫 as

𝐲𝐫=11+σ2(𝐖𝐬𝐱+𝐧𝐫), (11)

and the distribution p(𝐧𝐫|𝐡𝐜) is 𝒩(0,σ2𝐖𝐧2).

Therefore, we have

p(𝐲𝐫|𝐱,𝐡𝐜)𝒩(𝐲𝐫;11+σ2𝐖𝐬𝐱,σ21+σ2𝐖𝐧2). (12)

Similarly, we have the following proposition for AWGN channel.

Proposition 2.

Under AWGN channel, the conditional distribution of 𝐲𝐫 with known 𝐱 is

p(𝐲𝐫|𝐱)𝒩(𝐲𝐫;11+σ2𝐖𝐬𝐱,σ21+σ2𝐖𝐧2), (13)

where 𝐖𝐬 and 𝐖𝐧 both bacome 𝐈2k under AWGN channel.

Proposition 1 an Proposition 2 demonstrate that the channel noise after equalization and normalization-reshape can be re-sampled using ϵ𝒩(0,𝐈2k). Additionally, the noise coefficient matrix 𝐖𝐧 is related to the modulo form of 𝐡𝐜. As a result, 𝐲𝐫 can be expressed as

Refer to caption
Figure 3: The forward diffusion process and reverse sampling process of the proposed CDDM.
𝐲𝐫=11+σ2𝐖𝐬𝐱+σ1+σ2𝐖𝐧ϵ. (14)

Therefore, the proposed CDDM is trained to obtain ϵθ(), which is an estimation of ϵ. Here, θ is all parameters of CDDM. By using ϵθ() and 𝐖𝐧, a sampling algorithm is proposed to obtain 𝐲 with the aim to recover 𝐖𝐬𝐱, which will be described in the next section.

III Channel Denoising Diffusion Models

The whole strcuture of the CDDM forward diffusion and reverse sampling process is illustrated in Fig. 3. In this section, we first describe the training algorithm and sampling algorithm of the proposed CDDM. We then derive the sufficient condition for the reverse sampling algorithm reducing the conditional entropy of the received signal.

III-A Training Algorithm of CDDM

For the forward process of the proposed CDDM, the original source 𝐱0 is

𝐱0=𝐖𝐬𝐱. (15)

Let T be the hyperparameter. Similar to (1), for all t{1,2,,T}, we define

𝐱t=αt𝐱t1+1αt𝐖𝐧ϵ, (16)

and then it can be re-parametered as

𝐱t=α¯t𝐱0+1α¯t𝐖𝐧ϵ, (17)

such that the distribution q(𝐱t|𝐱0,𝐡𝐫) is

q(𝐱t|𝐱0,𝐡𝐫)𝒩(𝐱t;α¯t𝐱0,(1α¯t)𝐖𝐧2). (18)

Based on (4) and (18), if α¯m=11+σ2, the Kullback-Leibler (KL) divergence is

DKL(q(𝐱m|𝐱0,𝐡𝐫)||p(𝐲𝐫|𝐱0,𝐡𝐜))=0, (19)

This indicates that through defining a forward diffusion process, we progressively generate a signal following the same distribution as the one passed through the real channel and equalizer. Such that CDDM can be trained on 𝐱m instead of 𝐲𝐫. 𝐱m is defined by m steps as (16) such that in sampling process, the predicted distribution by CDDM can be decomposed into m small steps and each of them is pθ(𝐱t1|𝐱t,𝐡𝐫) for t{1,2,,m}.

The goal of CDDM is to recover 𝐱0 by learning the distribution of 𝐱0 and removing the channel noise. Therefore, the training of CDDM is performed by optimizing the variational bound on negative log likehood L. The variational bound of L is form by 𝐱0:m and 𝐲𝐫, which is given by

L=𝔼[logpθ(𝐱0|𝐡𝐫)]𝔼q[log(pθ(𝐱0:m,𝐲𝐫|𝐡𝐫)q(𝐱1:m,𝐲𝐫|𝐱0,𝐡𝐫))]
=𝔼q[DKL(q(𝐲𝐫|𝐱0,𝐡𝐫)||p(𝐲𝐫|𝐡𝐫))Lylogpθ(𝐱0|𝐱1,𝐡𝐫)L0
+DKL(q(𝐱m|𝐲𝐫,𝐱0,𝐡𝐫)||pθ(𝐱m|𝐲𝐫,𝐡𝐫))Lm
+t=1mDKL(q(𝐱t1|𝐱t,𝐱0,𝐡𝐫)||pθ(𝐱t1|𝐱t,𝐡𝐫))Lt1], (20)

where Lm instructs to select the hyperparameter m. In this paper, we select m by

argminm 2σ21α¯mα¯m. (21)

Similar to the process in [3], Lt1 can be calculated in closed-form using the Rao-Blackwellized method. The optimization object of Lt1 can be simplified by adopting re-parameterization and re-weighting methods as following

𝔼𝐱0,ϵ(𝐖𝐧ϵ𝐖𝐧ϵθ(𝐱t,𝐡𝐫,t)22), (22)

where ϵθ(𝐱t,𝐡𝐫,t) is the output of CDDM. Moreover, (22) can be re-weighted by ignoring the noise coefficient matrix 𝐖𝐧 as following

𝔼𝐱0,ϵ(ϵϵθ(α¯t𝐱0+1α¯t𝐖𝐧ϵ)22). (23)

Finally, to optimize (23) for all t{1,2,,T}, the loss function of the proposed CDDM is expressed as follows

LCDDM(θ)=𝔼𝐱0,ϵ,t(ϵϵθ(α¯t𝐱0+1α¯t𝐖𝐧ϵ)22). (24)

In summary, the proposed CDDM has the capability to estimate noise, due to its ability to learn to approximate the real posterior distribution q(𝐱t1|𝐱t,𝐱0,𝐡𝐫) with its parameterized distribution pθ(𝐱t1|𝐱t,𝐡𝐫) in the training process. The distribution approximation can be derived into noise estimation, as shown in (24). The training procedures of the proposed CDDM are summarized in Algorithm 1.

Input: Training set S, hyper-parameter T and α¯t.
Output: The trained CDDM.

Algorithm 1 Training algorithm of CDDM
1: while the training stop condition is not met do
2: Randomly sample 𝐱 from S
3: Randomly sample t from Uniform({1,,T})
4: Sapmle |𝐡𝐜| and compute 𝐇𝐫, 𝐖𝐬 and 𝐖𝐧
5: Randomly sample ϵ from 𝒩(0,𝐈2k)
6: Take gradient descent step according to (16) and (24)θ(ϵϵθ(α¯t𝐖𝐬𝐱+1α¯t𝐖𝐧ϵ)22)
7: end while

III-B Sampling Algorithm of CDDM

To reduce the time consumption of sampling process and recover the transmitted signal accurately, (III-A) implies that selecting m according to (21) and setting 𝐱m=𝐲𝐫 is a promising way. By utilizing the received signal 𝐲𝐫, only m steps are needed to be excuted. For each time step t{1,2,,m}, the trained CDDM outputs ϵθ(𝐱t,𝐡𝐫,t), which attempts to predict ϵ from 𝐱t without knowledge of 𝐱0. A sampling algorithm is required to sample 𝐱t1. The process is excuted for m times such that 𝐱0 can be computed out finally.

We first define the sampling process f(𝐱t1) with the knowledge of ϵ as following

f(𝐱t1)=q(𝐱t1|𝐱t,𝐱0,𝐡𝐫). (25)

Applying Bayes rule, the distribution can be expressed as a Gaussian distribution

q(𝐱t1|𝐱t,𝐱0,𝐡𝐫)
𝒩(𝐱t1;α¯t1𝐱0+1α¯t1𝐱tα¯t𝐱01α¯t,0), (26)

Input: 𝐲𝐫,𝐡𝐫,hyperparameter m
Output: 𝐲

Algorithm 2 Sampling algorithm of CDDM
1: 𝐱m=𝐲𝐫
2: for t=m,,2 do
3: 𝐳=𝐖𝐧ϵθ(𝐱t,𝐡𝐫,t)
4: 𝐱t1=α¯t1(𝐱t1α¯t𝐳α¯t)+1α¯t1𝐳
5: end for
6: t=1
7: 𝐳=𝐖𝐧ϵθ(𝐱1,𝐡𝐫,1)
8: 𝐲=𝐱11α¯1𝐳α¯1

where 𝐱0 is acquired by re-writing (17) as following

𝐱0=1α¯t(𝐱t1α¯t𝐖𝐧ϵ). (27)

However, only ϵθ(𝐱t,𝐡𝐫,t) is available for sampling. 𝐱0 is derived through an estimation process by replacing ϵ with ϵθ(𝐱t,𝐡𝐫,t) as following

𝐱^0=1α¯t(𝐱t1α¯t𝐖𝐧ϵθ(𝐱t,𝐡𝐫,t)). (28)

As a result, the sampling process is replaced with

fθ(𝐱t1)=pθ(𝐱t1|𝐱t,𝐱^0,𝐡𝐫). (29)

Without the knowledge of ϵ, a sample of 𝐱t1 is

𝐱t1= α¯t1(1α¯t(𝐱t1α¯t𝐖𝐧ϵθ(𝐱t,𝐡𝐫,t)))estimate𝐱0
+1α¯t1𝐖𝐧ϵθ(𝐱t,𝐡𝐫,t)sample𝐱t1. (30)

Note that for the last step t=1, we only predict 𝐱𝟎 such that sampling is taken as

𝐲=1α¯1(𝐱11α¯1𝐖𝐧ϵθ(𝐱1,𝐡𝐫,1)). (31)

The sampling method is summarized in Algorithm 2.

III-C Analysis on the conditional entropy

To explain the denoising ability of the CDDM, we compare the conditional entropy between 𝐱t and 𝐱t1, where 𝐱t is considered as the receiving signal because (19) has shown that 𝐱t can belong to the same conditional distribution as the received signal.

For all t{1,2,,T}, 𝐱t is acquired as (17). According to (18), we can get the conditional entropy of the i-th element of 𝐱t as (xt,i|𝐱0,𝐡)=12ln(Wn,i2(1α¯t))+C, i=1,2,,2k. Here, C is a constant. 𝐱t1 is sampled as (III-B). However, 𝐱t is unknown in (xt1,i|𝐱0,𝐡). We can reparameter (III-B) with (17) and obtain

𝐱t1=α¯t1𝐱0+βt𝐖𝐧ϵβt𝐖𝐧ϵθ()+γt1𝐖𝐧ϵθ(), (32)

where βt=1α¯tαt and γt=1α¯t. ϵ𝒩(0,𝐈) and thus 𝐱t1 is a random variable with respect to ϵ with unknown distribution.

Now, we introduce two assumptions for the following analysis.

Refer to caption
Figure 4: Experiment results of 𝔼(ϵθ()) and 𝔼(ϵθ2()) with theoretical values of fτ(t) versus sampling step t. The black dot marked the maximum sampling step, below which the model satisfies the sufficient condition under AWGN channel.
Assumption 1.

There exists a constant bound τ>0 on the element-wise loss function:

𝔼ϵ(ϵiϵθ,i()22)τ. (33)

This reasonable and necessary assumption is derived from the fact that the network is optimized sufficiently, meaning the loss function 𝔼ϵ(ϵϵθ()22)χ, which can be written into element-wise form as (33).

Assumption 2.

The mathematical expectation of network output is 0, i.e.,

𝔼ϵ(ϵθ,i())=0. (34)

This assumption will be verified through Monte-Carlo in the following. Thus, we have the following theorem.

Theorem 1.

Based on the two assumptions mentioned above, for all t{1,2,,T} and i=1,2,,2k, the sufficiency condition of

(xt1,i|𝐱0,𝐡)(xt,i|𝐱0,𝐡) (35)

is

𝔼ϵ(ϵθ,i2())1α¯tβtγt1γt12βtγt1βt2βtγt1γt12βtγt1τ. (36)
Proof:

According to Assumption 1, we can derive the cross-correlation coefficient of the two random variables ϵi and ϵθ,i() as following

𝔼ϵ(ϵiϵθ,i()22)=𝔼(ϵi22ϵiϵθ,i()+ϵθ,i2())τ. (37)

We then have

2𝔼(ϵiϵθ,i())1τ+𝔼(ϵθ,i2()). (38)

Let πt1,i2 be the variance of xt1,i. According to (32), (38) and Assumption 2, we have

πt1,i2=𝔼(xt1,i2)𝔼2(xt1,i)
=Wn,i2𝔼(βt2ϵi2+(βtγt1)2ϵθ,i2()2βt(βtγt1)ϵiϵθ,i())
Wn,i2(βt2+(βtγt1)2𝔼(ϵθ,i2())
βt(βtγt1)(1τ+𝔼(ϵθ,i2)))
=Wn,i2((γt12βtγt1)𝔼(ϵθ,i2())
+βtγt1+(βt2βtγt1)τ). (39)
Refer to caption
Figure 5: Experiment results of (xt,i|𝐱0,𝐡)uτ(t,𝐡) at τ=0.3.

Let uτ(t,𝐡) be the upper bound of (xt1,i|𝐱0,𝐡). With the maximum entropy principle, we have

(xt1,i|𝐱0,𝐡) 12ln(πt1,i2)+C
12ln(Wn,i2((γt12βtγt1)𝔼(ϵθ,i2())
+βtγt1+(βt2βtγt1)τ))+C
uτ(t,𝐡). (40)

Here, we have γt12βtγt1<0. Therefore, it is easy to obtain the necessity and sufficiency conditional for the inequalities uτ(t,𝐡)(xt,i|𝐱0,𝐡) as following

𝔼(ϵθ,i2())1α¯tβtγt1γt12βtγt1βt2βtγt1γt12βtγt1τfτ(t). (41)

Taking the necessity and sufficiency condition into (III-C), we can get the sufficiency condition as the theory.

In Fig. 4, the dashed line represents the Monte Carlo results of 𝔼(ϵθ()) approaching zero, which proves that Assumption 2 holds in the proposed model. It also demonstrates that there exists a limitation ς. If tς, the condition (41) holds. This suggests that the number of sampling steps should be limited in order to achieve performance improvements. Fig. 5 shows the value of (xt,i|𝐱0,𝐡)uτ(t,𝐡) at τ=0.3 versus sampling step t. It is observed that the curve initially exhibits a sharp decline and subsequently levels off rapidly. Considering two figures together, the sampling step of CDDM can not be determines utilizing (21) in case where the channel noise power is excessively high, as it would exceed the threshold ς. Furthermore, even if the sampling step is below ς, the gradient becomes very small when it falls within the flattened region. This can lead to the conditional entropy remaining stagnant, resulting in no performance improvement. On the other hand, if the sampling step is too small, the channel noise may not be eliminated sufficiently. Based on the analysis above, we recommend to set the maximum sapmling step tmax[10,150] as shown in the Fig. 5 with red line. Correspondingly, (21) is revised into

m=min(tmax,argminm 2σ21α¯mα¯m). (42)

IV The joint CDDM and JSCC for semantic communications

In this section, the proposed CDDM is applied into a semantic communications system based on JSCC for wireless image transmission.

IV-A System Structure

An overview architecture of the joint CDDM and JSCC system is shown in Fig. 2. An RGB source image 𝐬 is encoded as transmitted signal 𝐱2k by a JSCC encoder. In this paper, the JSCC is built upon the Swin Transformer[29] backbone, which has a more powerful expression ability than vision transformer by replacing the standard multi-head self attention in vision transformer with a shift window multi-head self attention. 𝐱 is then transmitted and processed into 𝐲𝐫 at the receiver, as described in Section II. At the receiver, the proposed CDDM removes the channal noise from 𝐲𝐫 using Algorithm 2. Following this, the output of CDDM is fed into the JSCC decoder to reconstruct the source image 𝐬^.

IV-B Training algorithm

The entire training algorithm of the joint CDDM and JSCC system consists of three stages. In the first stage, the JSCC encoder and decoder are trained jointly through the channel shown in Fig. 2, except for the CDDM module, to minimize the distance d(𝐬,𝐬^). Therefore, the loss function for this stage is given by

L1(ϕ,φ) =𝔼𝐬p𝐬𝔼𝐲𝐫p𝐲𝐫|𝐬d(𝐬,𝐬^). (43)

where ϕ and φ encapsulate all parameters of JSCC encoder and decoder respectively.

In the second stage, the parameters of the JSCC encoder are fixed such that CDDM can learn the distribution of 𝐱0 via Algorithm 1. The training process is not affected by the channel noise power because Algorithm 1 has a special forward diffusion process, and the process has been designed specially to simulate the distribution of channel noise. Benefitting from this, CDDM is designed for handling various channel conditions and requires only one training process.

In the third stage, the JSCC decoder is re-trained jointly with the trained JSCC encoder and CDDM to minimize d(𝐬,𝐬^). The entire joint CDDM and JSCC system is performed through the real channel, while only the parameters of the decoder are updated. The loss function is derived as

L3(φ)=𝔼𝐲p𝐲|𝐬d(𝐬,𝐬^). (44)

The training algorithm is summarized in Algorithm 3.

Input: Training set 𝐒, hyper-parameter T, αt¯, and the channel estimation results 𝐡𝐜 and σ2.
Output: The well-trained joint CDDM and JSCC system.

Algorithm 3 Training algorithm of the joint CDDM and JSCC
1: while the training stop condition of stage one is not met do
2: Randomly sample 𝐬 from S
3: Perform forward propagation through channel without CDDM.
4: Compute L1(ϕ,φ) and update ϕ,φ
5: end while
6: while the training stop condition of stage two is not met do
7: Randomly sample 𝐬 from S
8: Compute 𝐬 as 𝐱
9: Train CDDM with Algorithm 1.
10: end while
11: while the training stop condition of stage three is not met do
12: Randomly sample 𝐬 from S
13: Perform forward propagation through channel with noise power σ2 with the trained CDDM
14: Compute L3(φ) and update φ
15: end while

IV-C Model Structure

The schematic of the JSCC encoder and the U-Net structure in CDDM is illustrated in Figure 2. In the JSCC encoder, the initial module is the patch embedding, responsible for partitioning the source image into non-overlapping patches. Subsequently, M Basicblocks are employed to extract the semantic features from the source image. The i-th basicblock consists of a patch merging module and Ni Swim Transformers, where i=1,2M. After addressed by a basicblock, the height and width of the features are halved, while the channel dimensions are increased to Pi. Finally, a convolution head(Conv Head) layer is adopted to compute the features as transmitted signal 𝐱. The structure of the JSCC decoder is identical to that of the JSCC encoder, with the exception that the downsample modules in the JSCC encoder are replaced with upsample modules.

The model structure of CDDM is predominantly based on the convolutional improved U-Net architecture [31]. Initially, 𝐲r undergoes a convolution layer and then serves as the input of the U-Net. Subsequently, the output of U-Net is further processed by another convolutional layer to generate the final output 𝐲. The U-Net is comprised of various components, including convolutional residual (Conv-Res) blocks [32], convolutional attention (Conv-Attn) blocks, Down-Sampling blocks, and Up-Sampling blocks. A Down-Sampling block is a convolutional layer that performs down-sampling and maintains the same number of input and output channels. The Up-Sampling block consists of an interpolation layer followed by a convolutional layer. A Conv-Attn is an attention block commonly adopted in classic transformer [33], but with the notable distinction of employing convolutional layers as a replacement for fully-connected (FC) layers. The structure of Conv-Res is depicted in Fig. 2. In comparison to the classic residual block, the Conv-Res block substitutes FC layers with convolutional layers. Moreover, an additional convolutional layer is incorporated into the residual path to adjust the data dimension and enhance the model’s capacity. The sampling step t is addressed by a MLP and the embedded within the middle of the Conv-Res block. Multiple instances of these blocks are sequentially connected incorping two additional residual paths, ultimately forming the U-Net architecture.

V EXPERIMENTS RESULTS

In this section, we provide a detailed description of the experimental setup and presented a considerable amount of experimental results, which comprehensively demonstrate the effectiveness of our proposed CDDM system. Additionally, we assess its natural robustness to channel estimation errors and its adaptability to different SNRs.

V-A Experiment Setup

Datesets: To obtain comprehensive and universally applicable results, we train and evaluate the proposed joint CDDM and JSCC system on two image datasets. CIFAR10 [34] dataset is employed for low-resolution images with dimensions of 32×32, comprising of 50000 color images for training and 10000 images for testing. The high-resolution images are obtained from DIV2K dataset [35], which includes 800 images for training and 100 images for testing. These images are collected from a wide range of real-world scenes and have a uniform resolution of 2K. During the training process, the images with high resolution are randomly cropped into patches with a size of 256×256.

Refer to caption
Figure 6: MSE performance of DIV2K versus SNRs under AWGN and Rayleigh fading channel with or without channel estimation errors. The CBR is 3/128.

Comparsion schemes: We conduct a comparative analysis between the proposed joint CDDM and JSCC system and two other systems: the JSCC system without CDDM and the classical handcrafted separation-based source and channel coding system. More specifically, the JSCC system shares an identical structure and training configuration within the joint CDDM and JSCC system. It is worth emphasizing that in the event of a change in channel SNR, both systems undergo retraining to optimize their performance under the specific SNR condition. For the classical system, we employ the JPEG2000 codec for compression and LDPC[36] codec for channel coding, marking as “JPEG2000+LDPC”. Here, we consider DVB-T2 LDPC codes with a block length of 64800 bits for different coding rates and quadrature amplitude modulations (QAM) adapted to the channel conditions.

Evaluation Metrics: We qualify the performance of all three schemes with both PSNR and MSSSIM. PSNR is a widely-used pixel-wise metric that measures the visiblity of errors between the reconstructed image and the reference image. A higher PSNR value indicates a smaller loss in the image quality. In this case, we adopt MSE to calculate d() during optimizating our networks. MSSSIM is a perceptual metric that specially concentrates on the structural similarity and content of images, which aligns more closely with the evaluation results of the human visual system (HVS). The multi-scale design allows it to demonstrate consistent performance across images with varying resolutions. The value of MSSSIM ranges from 0 to 1, where a higher value indicates a higher similarity to the reference image. Also in this case, we adopt 1-MSSSIM to calculate d() during optimizating our networks. When testing the performance, we convert MSSSIM into the form of dB for more intuitive observation and compaision. The formula is MSSSIM(dB)=10log10(1MSSSIM).

Refer to caption
Figure 7: Examples of visualization results under Rayleigh fading channel at SNR=10 dB. The four columns display the original images and the reconstructed images obtained from their respective systems. The red number corresponds to the percentage of additional bandwidth cost in comparison to the joint CDDM and JSCC system.

Training details: For the CDDM training and sampling algorithms, we configure the parameter T=1000 and set αt to constants decreasing linearly from an initial value of α1=0.9999 to a final value αT=0.9800. We set tmax=93 for CIFAR10 dataset while tmax=52 for DIV2K dataset. During optimizing the CDDM, we employ the Adma optimizer [37] and implement a cosine warm-up learning rate schedule [38] with an initial learning rate of 0.0001. In terms of the JSCC structure, the number of basic-blocks and patches varies depending on the dataset. For CIFAR10 dataset, the number of Basicblocks, denoted as M, is set to 2, Swin Transformer numbers [N1,N2]=[2,4] and channel dimensions [P1,P2]=[128,256]. On the other hand, for DIV2K dataset comprising high-resolution images, M is set to 4, Swin Transformer numbers [N1,N2,N3,N4]=[2,2,6,2] and channel dimensions [P1,P2,P3,P4]=[128,192,256,320]. We employ Adam optimizer with a learning rate 0.0001 to optimize the JSCC [27].

Refer to caption
Figure 8: PSNR performance of DIV2K dataset versus SNR under AWGN channel. The CBR is set to 3/128.
Refer to caption
Figure 9: PSNR performance of DIV2K versus SNR under Rayleigh fading channel with or without channel estimation errors. The CBR is 3/128.
Refer to caption
Figure 10: PSNR performance of CIFAR10 versus SNR under Rayleigh fading channel with or without channel estimation errors. The CBR is 1/8.
Refer to caption
Figure 11: PSNR performance of DIV2K dataset versus CBR under AWGN channel. The SNR is 10 dB.

V-B MSE performance and visualization results

Fig. 6 illustrates the MSE performance of CDDM in different SNR regimes. The results are based on DIV2K dataset with JSCC trained for maximizing PSNR and channel bandwidth ratio (CBR) is set to 3/128. In the case of using CDDM, we calculate the MSE between 𝐱 and 𝐲, while in the case of not using CDDM, we calculate the MSE between 𝐱 and 𝐲r. As shown in Fig. 2, 𝐲r and 𝐲 are the input and output of CDDM, respectively. The solid line in Fig. 6 shows that the system with CDDM performs much better than the system without CDDM in all SNR regimes under both AWGN and Rayleigh fading channels. For example, for AWGN channel, the proposed CDDM reduces the MSE by 0.27 dB at SNR=20 dB.. Meanwhile, it can be seen that as the SNR decreases, the gain of CDDM in MSE increases. This indicates that as the SNR decreases, i.e., the channel noise increases, the proposed CDDM is easier to remove more noise, e.g. 1.44 dB gain at SNR=5 dB for AWGN channel. Moreover, it is important to note that under Rayleigh fading channel, MMSE has theoretically minimized the MSE, but CDDM can further reduce the MSE after MMSE. The reason for this fact is that CDDM can learn the distribution of 𝐱0=𝐖𝐬𝐱, and utilizes this learned knowledge to remove the noise thereby further reducing the MSE.

Additionally, to conduct a more comprehensively evaluation of our model, we assess the robustness of the proposed CDDM under Rayleigh fading channel with the presence of channel estimation errors. The receiver obtains a noisy estimation of 𝐡, denoted as 𝐡^ which is formulated as 𝐡^=𝐡+Δ𝐡, where Δ𝐡(0,σh2𝐈). In Fig. 6, the dashed lines correspond to lower estimation errors with σh=0.05 and the dotted lines represent more estimation errors with σh=0.1. It is observed that under σh=0.05, the joint CDDM and JSCC system maintains gains relative to perfect channel estimation across all SNR ranges. However, as σh increases to 0.1, the gains tend to decrease. This reduction is particularly notable at SNRs of 10 and 20 dB.

Refer to caption
Figure 12: PSNR performance of DIV2K dataset versus CBR under Rayleigh fading channel. The SNR is 10.
Refer to caption
Figure 13: PSNR performance, trained at a SNR of 20 dB, for DIV2K versus SNR under both AWGN and Rayleigh fading channels. The SNR is 10 dB.
Refer to caption
Figure 14: MSSSIM performance of DIV2K versus SNR under both AWGN and Rayleigh fading channels. The CBR is 3/128.
Refer to caption
Figure 15: MSSSIM performance of CIFAR10 versus SNR under Rayleigh fading channel. The CBR is 1/8.
Refer to caption
Figure 16: MSSSIM performance of DIV2K dataset versus CBR under both AWGN and Rayleigh fading channels. The SNR is 10 dB.

Fig. 7 visualizes the reconstructions generated by the three systems. The results are obtained under Rayleigh fading channel with perfect channel estimation and an SNR of 10 dB. It can be observed clearly that both JSCC-based systems outperform JPEG2000+LDPC in terms of visual quality, despite a slightly lower CBR. However, the reconstructed images obtained from the JSCC system demonstrate significant color aberration when compared to their corresponding original images. For example, the first image exhibits a lean towards a pale yellow hue, while the second and third images tend to lean towards a cyan color tone. On the contrary, our joint CDDM and JSCC system simultaneously demonstrates superior color consistency and better visual quality.

V-C PSNR performance

Fig. 8 illustrates the PSNR performance for DIV2K dataset versus SNR under AWGN channel. The CBR is configured to 3/128. Our joint CDDM and JSCC system demonstrates superior performance compared to the JSCC system across a range of SNRs from 5 to 20 dB. Furthermore, the joint CDDM and JSCC system achieves significantly better performance when compared to the JPEG2000+LDPC system. Specifically, at an SNR of 20 dB, the performance of the JPEG2000+LDPC system is comparable to that of the JSCC system, but still exhibits a 0.5 dB inferiority compared to our joint CDDM and JSCC system.

Fig. 9 and 10 illustrate the PSNR performance for both DIV2K and CIFAR10 datasets under Rayleigh fading channel. The CBR is 3/128 for DIV2K and 1/8 for CIFAR10. The solid line, dashed line and dotted line represent that σh is 0, 0.05 and 0.1, respectively. It can be observed that, the joint CDDM and JSCC system consistently outperforms the JSCC system across both datasets and all SNRs, i.e. 0.83 dB for CIFAR10 dataset and 0.53 dB for DIV2K dataset at SNR=10 dB with perfect channel estimation. Meanwhile, it is worth noting that the gain in PSNR performance for DIV2K dataset tends to decrease as the SNR increases when σh=0.1, which is aligns with the decrease in MSE performance gain. The experimental results under both datasets, conducted at a channel estimation error level of σh=0.1, highlight the lack of natural robustness in our system when exposed to high channel estimation errors and high SNR conditions. This finding underscores the need to devise a specialized framework to mitigate the influence of channel estimation errors and enhance the system robustness in the future.

Fig. 11 and 12 show the PSNR performance for DIV2K dataset in different CBRs under AWGN and Rayleigh fading channle, respectively. The SNR is set to 10 dB. It is evident that our joint CDDM and JSCC system maintains effectiveness for complex high-resolution DIV2K dataset across various CBRs despite that the performance gain decreases as the CBR increases. This phenomenon can be attributed to the increase in the dimensionality of the transmitted signal x when the CBR increases, thereby leading to a notable augmentation in the complexity of the learned distribution. However, to maintain experimental fairness, the structure and depth of the CDDM remain unchanged for different CBRs, consequently impeding the model’s capacity to effectively learn the complex distribution and leading to a decline in performance gain.

Fig. 13 illustrates the PSNR performance versus SNR for DIV2K dataset over both AWGN and Rayleigh fading channel. In this experiment, the joint CDDM and JSCC system, as well as the JSCC system, are trained at a fixed SNR of 20 dB and evaluated across various SNR values. It is evident that our joint CDDM and JSCC system consistently outperforms the JSCC system. More importantly, the performance gain becomes more pronounced as the SNR decreases in the Rayleigh fading channel. We attribute this phenomenon to the training of our CDDM utilizing Algorithm 1, which encompasses a wide range of SNRs. Consequently, when the SNR varies, our CDDM still effectively reduces noise by adjusting the samlping step m, leading to enhanced performance. In contrast, the performance of the JSCC system deteriorates rapidly as the SNR decreases. This observation validates the adaptability of our joint CDDM and JSCC system to different SNRs.

V-D MSSSIM performance

Fig. 14 shows the MSSSIM performance versus SNR for DIV2K dataset over both AWGN channel and Rayleigh fading channel. The solid lines represent performance under AWGN channel and the dotted lines represent performance under Rayleigh fading channel. The results demonstrate that under AWGN channel, our joint CDDM and JSCC system achieves a notable improvement in MSSSIM performance at SNRs of 15 dB and 20 dB particularly, i.e. 0.6 dB at SNR=15 dB. At lower SNRs, we can still achieve an enhanced performance albeit with a quite small magnitude. Under Rayleigh fading channel, we achieve significant improvement across all SNRs. Fig. 15 demonstrates the MSSSIM performance for CIFAR10 dataset over Rayleigh fading channel. It can be observed that the joint CDDM and JSCC system outperforms both the JSCC system and the JPEG2000+LDPC system across all SNRs.

Fig. 16 demonstrates the MSSSIM performance versus CBR for DIV2K under both AWGN channel and Rayleigh fading channel respectively. The results demonstrate that our joint CDDM and JSCC system outperforms the JSCC system under all examined conditions. Analogous to the PSNR performance, the magnitude of gain decrease when the CBR is large due to the same reason. Moreover, all the experiment results conducted with MSSSIM performance show the consistent phenomenon that the MSSSIM performance of the JPEG2000+LDPC system is remarkably poor across all experimental configurations, showcasing a substantial disparity compared to both JSCC-based systems. These phenomenons prove that when considering the HVS, the JSCC system exhibits a dominant advantage over the JPEG2000+LDPC system. Furtherly, in this scenario, our joint CDDM and JSCC system can still enhance the performance.

The experiments conducted consistently demonstrate the efficacy of our joint CDDM and JSCC system, surpassing the performance of both the JSCC system and the JPEG2000+LDPC system across a wide range of conditions. These conditions encompass various SNRs, different CBRs, diverse evaluation metrics, distinct channel types and varying image resolutions.

VI CONCLUSION

In this paper, we have proposed the channel denoising diffusion models to eliminate the channel nosie under Rayleigh fading channel and AWGN channel. CDDM is trained utilizing a specialized noise schedule adapted to the wireless channel, which permits effective elimination of the channel noise via a suitable sampling algorithm in the reverse sampling process. Furtherly, we derived the sufficient condition under which our CDDM can reduce the conditional entropy of the received signal and demonstrate that the well-trained model satisfies this condition for smaller samlping steps through Monte Carlo experiments. CDDM is then applied into the semantic communications system based on JSCC. Extensive experimental results on CIFAR10 and DIV2K datasets show that under both AWGN and Rayleigh fading channels, the joint CDDM and JSCC system performs much better than the JSCC system without CDDM in terms of MSE, PSNR and MSSSIM.

References

  • [1] T. Wu, Z. Chen, D. He, L. Qian, Y. Xu, M. Tao, and W. Zhang, “Cddm: Channel denoising diffusion models for wireless communications,” accepted by IEEE GLOBECOM 2023, pp. 1–5, 2023.
  • [2] J. Sohl-Dickstein, E. Weiss, N. Maheswaranathan, and S. Ganguli, “Deep unsupervised learning using non-equilibrium thermodynamics,” in Proc. Int. Conf. Mach. Learn., pp. 2256–2265, 2015.
  • [3] J. Ho, A. Jain, and P. Abbeel, “Denoising diffusion probabilistic models,” in Proc. Adv. Neural Inf. Process. Syst., vol. 33, pp. 6840–6851, 2020.
  • [4] J. Song, C. Meng, and S. Ermon, “Denoising diffusion implicit models,” in Proc. International Conference on Learning Representations, 2021.
  • [5] L. Yang, Z. Zhang, and S. Hong, “Diffusion models: A comprehensive survey of methods and applications,” ArXiv, vol. abs/2209.00796, 2022.
  • [6] M. Chenlin, H. Yutong, and S. Yang, “SDEdit: Guided image synthesis and editing with stochastic differential equations,” in Proc. International Conference on Learning Representations, 2022.
  • [7] J. Choi, S. Kim, Y. Jeong, Y. Gwon, and S. Yoon, “ILVR: Conditioning Method for Denoising Diffusion Probabilistic Models,” in Proc. IEEE/CVF ICCV, pp. 14 347–14 356, 2021.
  • [8] L. Zheng, J. Yuan, L. Yu, and L. Kong, “A reparameterized discrete diffusion model for text generation,” https://arxiv.org/abs/2302.05737, 2023.
  • [9] S. Yu, K. Sohn, S. Kim, and J. Shin, “Video probabilistic diffusion models in projected latent space,” in Proc. IEEE/CVF CVPR 2023, pp. 18 456–18 466.
  • [10] D. Kingma and M. Welling, “Auto-encoding variational bayes,” in Proc.ICLR 2014, 2014.
  • [11] I. J. Goodfellow, J. Pouget-Abadie, and M. Mirza, “Generative adversarial nets,” in Proc. the 27th International Conference on Neural Information Processing Systems, pp. 2672–2680, 2014.
  • [12] D. J. Rezende and S. Mohamed, “Variational inference with normalizing flows,” in Proce. the 32nd International Conference on International Conference on Machine Learning, pp. 1530–1538, 2015.
  • [13] M. Kim, R. Fritschek, and R. F. Schaefer, “Learning end-to-end channel coding with diffusion models,” in Proc. WSA & SCC 2023, 2023, pp. 1–6.
  • [14] Y. Choukroun and L. Wolf, “Denoising diffusion error correction codes,” in Proc. the Eleventh International Conference on Learning Representations, 2023.
  • [15] D. C. Eleonora Grassucci, Sergio Barbarossa, “Generative semantic communication: Diffusion models beyond bit recovery,” ArXiv, vol. abs/2306.04321, 2023.
  • [16] Q. Lan, D. Wen, and Z. Zhang, “What is semantic communication? a view on conveying meaning in the era of machine intelligence,” Journal of Communications and Information Networks, vol. 6, no. 4, pp. 336–371, 2021.
  • [17] J. Choi and J. Park, “Semantic communication as a signaling game with correlated knowledge bases,” in Proc. IEEE VTC 2022-Fall, pp. 1–5, 2022.
  • [18] W. Yang, H. Du, Z. Q. Liew, W. Y. B. Lim, Z. Xiong, D. Niyato, X. Chi, X. S. Shen, and C. Miao, “Semantic communications for future internet: Fundamentals, applications, and challenges,” IEEE Communications Surveys & Tutorials, pp. 1–1, 2022.
  • [19] C. E. Shannon, “A mathematical theory of communication,” The Bell System Technical Journal, vol. 27, no. 3, pp. 379–423, 1948.
  • [20] M. Fresia, F. Peréz-Cruz, H. V. Poor, and S. Verdú, “Joint source and channel coding,” IEEE Signal Processing Magazine, vol. 27, no. 6, pp. 104–113, 2010.
  • [21] A. Guyader, E. Fabre, C. Guillemot, and M. Robert, “Joint source-channel turbo decoding of entropy-coded sources,” IEEE Journal on Selected Areas in Communications, vol. 19, no. 9, pp. 1680–1696, 2001.
  • [22] C. Chen, L. Wang, and F. C. M. Lau, “Joint optimization of protograph ldpc code pair for joint source and channel coding,” IEEE Transactions on Communications, vol. 66, no. 8, pp. 3255–3267, 2018.
  • [23] E. Bourtsoulatze, D. Burth Kurka, and D. Gündüz, “Deep joint source-channel coding for wireless image transmission,” IEEE Transactions on Cognitive Communications and Networking, vol. 5, no. 3, pp. 567–579, 2019.
  • [24] J. Xu, B. Ai, W. Chen, A. Yang, P. Sun, and M. Rodrigues, “Wireless image transmission using deep source channel coding with attention modules,” IEEE Transactions on Circuits and Systems for Video Technology, vol. 32, no. 4, pp. 2315–2328, 2022.
  • [25] J. Xu, T.-Y. Tung, B. Ai, W. Chen, Y. Sun, and D. Gunduz, “Deep Joint Source-Channel Coding for Semantic Communications,” https://arxiv.org/abs/2211.08747, 2022.
  • [26] J. Dai, S. Wang, K. Tan, Z. Si, X. Qin, K. Niu, and P. Zhang, “Nonlinear transform source-channel coding for semantic communications,” IEEE Journal on Selected Areas in Communications, vol. 40, no. 8, pp. 2300–2316, 2022.
  • [27] K. P. Yang, S. Wang, J. Dai, K. Tan, K. Niu, and P. Zhang, “WITT: A Wireless Image Transmission Transformer for Semantic Communications,” in IEEE ICASSP, pp. 1–5, 2023.
  • [28] Y. Bo, Y. Duan, S. Shao, and M. Tao, “Learning based joint coding-modulation for digital semantic communication systems,” in Proc. International Conference on Wireless Communications and Signal Processing (WCSP), pp. 1–6, 2022.
  • [29] Z. Liu, Y. Lin, Y. Cao, H. Hu, Y. Wei, Z. Zhang, S. Lin, and B. Guo, “Swin Transformer: Hierarchical Vision Transformer using Shifted Windows,” in Proc. IEEE/CVF ICCV, pp. 9992–10 002, 2021.
  • [30] Z. Wang, E. Simoncelli, and A. Bovik, “Multiscale structural similarity for image quality assessment,” in Proc. The Thrity-Seventh Asilomar Conference on Signals, Systems & Computers, 2003, vol. 2, pp. 1398–1402 Vol.2, 2003.
  • [31] O. Ronneberger and B. T. Fuscger P, “U-net: Convolutional networks for biomedical image segmentation,” Medical Image Computing and Computer-Assisted Intervention-MICCAI 2015, pp. 234–241, 2015.
  • [32] S. Zagoruyko and N. Komodakis, “Wide residual networks,” in Proce. the British Machine Vision Conference, 2016.
  • [33] A. Vaswani, N. Shazeer, and N. Parmar, “Attention is all you need,” in Proc. the 31st International Conference on Neural Information Processing Systems, pp. 6000–6010, 2017.
  • [34] A. Krizhevsky, “Learning multiple layers of features from tiny images,” Master’s thesis, University of Tront, 2009.
  • [35] R. Timofte, E. Agustsson, and L. Van Gool, “Ntire 2017 challenge on single image super-resolution: Methods and results,” in Proc. IEEE/CVF CVPR Workshops, July 2017.
  • [36] “Frame stucture channel coding and modulation for the second generation digital terrestrial television broadcasting system (DVB-T2),” DVB Document A122, 2008.
  • [37] K. Diederik P and B. Jimmy, “Adam: A method for stochastic optimization,” in Proc. International Conference on Learning Representations, 2015.
  • [38] I. Loshchilov and F. Hutter, “Sgdr: Stochastic gradient descent with warm restarts,” in Proc. International Conference on Learning Representations, 2016.