Next Article in Journal
DAFT-Net: Dual Attention and Fast Tongue Contour Extraction Using Enhanced U-Net Architecture
Previous Article in Journal
SF-Transformer: A Mutual Information-Enhanced Transformer Model with Spot-Forward Parity for Forecasting Long-Term Chinese Stock Index Futures Prices
Previous Article in Special Issue
LF3PFL: A Practical Privacy-Preserving Federated Learning Algorithm Based on Local Federalization Scheme
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Generation of Face Privacy-Protected Images Based on the Diffusion Model

1
National and Local Joint Engineering Laboratory of Internet Applied Technology on Mines, China University of Mining and Technology, Xuzhou 221008, China
2
School of Information and Control Engineering, China University of Mining and Technology, Xuzhou 221008, China
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Entropy 2024, 26(6), 479; https://doi.org/10.3390/e26060479
Submission received: 13 April 2024 / Revised: 25 May 2024 / Accepted: 28 May 2024 / Published: 31 May 2024
(This article belongs to the Special Issue Information Security and Data Privacy)

Abstract

:
In light of growing concerns about the misuse of personal data resulting from the widespread use of artificial intelligence technology, it is necessary to implement robust privacy-protection methods. However, existing methods for protecting facial privacy suffer from issues such as poor visual quality, distortion and limited reusability. To tackle this challenge, we propose a novel approach called Diffusion Models for Face Privacy Protection (DIFP). Our method utilizes a face generator that is conditionally controlled and reality-guided to produce high-resolution encrypted faces that are photorealistic while preserving the naturalness and recoverability of the original facial information. We employ a two-stage training strategy to generate protected faces with guidance on identity and style, followed by an iterative technique for improving latent variables to enhance realism. Additionally, we introduce diffusion model denoising for identity recovery, which facilitates the removal of encryption and restoration of the original face when required. Experimental results demonstrate the effectiveness of our method in qualitative privacy protection, achieving high success rates in evading face-recognition tools and enabling near-perfect restoration of occluded faces.

1. Introduction

Rapid advances in information technology, including cloud computing, big data and artificial intelligence, have prompted researchers to pay more and more attention to privacy protection. [1]. Image processing and analysis technologies greatly facilitate tasks such as image recognition, but they also pose significant risks [2]. Almost all the time, some private photos and videos containing personal facial information are transmitted to the cloud or used by various organizations [3]. Privacy refers to very important personal facial feature information. Nevertheless, facial information is considered sensitive due to its inclusion of personal details. If not adequately protected [4,5,6], private data with facial features can be illegally obtained, possessed and exploited to cause unnecessary losses. Therefore, there is a pressing need for technology that ensures the safety of facial privacy data while performing routine image analysis and recognition tasks.
Early work on facial privacy preservation primarily involved techniques such as deliberate masking [7], blurring [8] and pixelation [9]. However, these methods directly remove facial information, resulting in compromised visual quality and reduced reusability. Subsequently, researchers shifted towards approaches centered on facial replacement [10,11,12,13,14,15,16]. This strategy aims to obfuscate the identity of the original face by substituting parts of it while retaining some facial features to maintain usability. Nevertheless, these methods often produce images with noticeable artifacts that lack a realistic appearance. Moreover, existing research tends to focus on specific protection types, leading to evident edit traces, poor realism and limited recovery capabilities. Through analyzing the above methods, it can be found that while existing facial privacy-protection methods effectively prevent malicious third parties and illegal users from accessing original facial information, they suffer from limitations. These methods often result in a loss of the original facial details and fail to consider the authenticity of the replaced face. Consequently, the occluded face appears unnatural and easily detectable, posing a heightened risk to privacy. As emerging application scenarios demand more comprehensive solutions, there is a need for advanced facial privacy-protection techniques that address these shortcomings. Our method is able to prevent facial-recognition tools from recognizing the protected facial information, generate natural recoverable face privacy-preserving images and generate diverse encrypted images, increasing the strength of privacy protection.
As societal norms evolve, facial information is increasingly exposed on public platforms and social media posts may be used for undesirable political targeting [17], necessitating comprehensive approaches to protect facial privacy. Beyond mere protection, there is a growing need for techniques that enable high-fidelity reduction of original facial images to meet diverse user requirements. For instance, on social media platforms, users desire natural-looking photos that safeguard their facial privacy from unauthorized access while allowing authorized individuals, such as friends or family, to view the original face. Machine learning models may reveal sensitive information about the data used for training, and public databases may be deanonymized with only a few queries [18]. Furthermore, in surveillance contexts, preserving the original facial details of captured individuals is essential for criminal identification and post-privacy protection. Therefore, urgent efforts are required to develop methodologies that effectively address various facial privacy-protection requirements and mitigate the limitations of existing approaches while also improving the recoverability of facial information.
Innovative solutions are necessary to address two key challenges in emerging application scenarios for facial privacy protection. Firstly, natural-looking facial privacy protection must be achieved to avoid raising suspicion while effectively concealing sensitive facial features. Secondly, reversibility must be ensured, allowing occluded images to be seamlessly restored to their original state. Leveraging the powerful generation capabilities of diffusion models, we propose a novel approach for facial privacy protection called the diffusion-based facial privacy-protection network (DIFP). DIFP is designed to provide flexible and secure facial privacy protection while enabling identity recovery when necessary. During the process of concealing visual identity cues, DIFP generates highly realistic facial information that is distinct from the original face. Additionally, our method ensures excellent recovery quality and offers several advantages, including enhanced security by effectively concealing personally identifiable information; practicality by preserving usability for downstream computer vision tasks like face detection; diversity by generating a range of encrypted images from a single original image; and environmental invariance by maintaining identity-independent attributes such as background and pose. Extensive experiments conducted on publicly available facial datasets validate the effectiveness of our proposed method in achieving natural-looking facial privacy protection with seamless reversibility.
The main contributions of this paper are as follows:
(1) We propose a novel diffusion-based method for facial privacy protection, offering precise control over the identity and style of generated privacy images while ensuring lossless restoration of the original face when required.
(2) By utilizing a classifier-free guidance mechanism, we encode the conditions of identity and appearance style for the input face. We employ a two-stage training strategy to generate privacy images with customized identity and style guidance, thereby enhancing the customization and versatility of the generation model.
(3) We employ an iterative technique to improve the realism of generated images by adjusting the realism scale parameter. Enhanced diversity in privacy images is achieved by leveraging differences in generated facial identities, enabling flexible and controllable adjustments to appearance and realistic details.
(4) Experimental results demonstrate the superiority of our method over existing approaches, as it significantly alters facial features while maintaining photorealism, resulting in high-quality restoration outcomes.

2. Related Work

2.1. Diffusion Model

Diffusion-based generative models (DMs) have emerged as powerful tools for modeling and generating complex data, with notable advancements in density estimation and sample quality [19,20,21,22,23]. Early approaches relied on Markov chains, necessitating multiple iterations to generate high-quality samples [14]. Subsequent innovations, such as the Deterministic Diffusion-based Image Modeling (DDIM) technique [21], have significantly reduced sample generation time. While the incorporation of category information into diffusion models has shown promise for improving sample realism [8], this approach often incurs high training costs due to the need for additional classifiers. To address this limitation, the classifier-free diffusion method [15] combines conditional and unconditional diffusion models to balance sample quality and diversity. Furthermore, efforts to enhance training and inference efficiency include denoising in the latent space of pre-trained autoencoders, reducing computational requirements. Presently, diffusion models find applications across various computer vision tasks.

2.2. Privacy-Protection Model

Hsu et al. [24] identified and processed sensitive features in the data by estimating the information density of each feature. In the process of generating or transforming data, privacy leakage is controlled while ensuring that the data still have a certain degree of utility. The use of information bottleneck and information funnel theory to facilitate invariant representation learning is a key aspect in the field of machine learning and deep learning, especially in computer vision and pattern-recognition tasks. Freitas and Geiger et al. [25] use information bottleneck and information funnel theory to promote invariant representation learning so as to balance the contradiction between privacy protection and data utility. Huang and Hesham et al. [26] proposed an efficient algorithm to solve the private funnel optimization problem with DC structure by using the characteristics of differential convex functions, which may have a significant improvement in convergence speed or solution quality compared with traditional methods. Razeghi et al. [27] used information theoretic principles, in particular the privacy funnel model (PF), which is a method to quantify the trade-off between information obfuscation and data utility in data protection. The privacy funnel model protects data by minimizing the leakage of sensitive information through self-information loss, that is, logarithmic loss, while maximizing the retention of information for legitimate purposes.

2.3. Privacy Protection in Face Recognition

Face privacy protection refers to the protection of important facial information through some specific methods to prevent illegal acquisition, recognition, and use. Morales et al. [28] proposed a privacy-preserving feature representation learning approach that aims to eliminate sensitive information, such as gender or ethnicity, from the learned representation while maintaining data utility. This approach centers on adversarial regularization to remove sensitive information from the learning objective. Tran et al. [29] introduced disentangled representation learning generative adversarial networks (DR-GAN) to address the challenge of pose variation in face recognition. Unlike traditional approaches that generate frontal faces from non-frontal images or learn pose-invariant features, DR-GAN performs both tasks jointly via an encoder-decoder generator structure. This enables it to synthesize identity-preserving faces with arbitrary poses while learning discriminative representations. Gong et al. [30] proposed an approach to mitigate bias in automatic face recognition and demographic attribute estimation algorithms, with a focus on addressing observed differences in performance between different demographic groups. We leverage adversarial learning to extract decoupled feature representations of identity and demographic attributes (gender, age and race) and minimize bias by reducing the correlation between these feature factors to enhance the robustness and accuracy of face representations for different demographic groups. Park et al. [31] propose a fair-aware disentangled variational autoencoder (FD-VAE) that aims to mitigate discriminatory outcomes related to protected attributes such as gender and age in AI systems without sacrificing beneficial information for the target task. We propose a decorrelation loss to properly align the information in these subspaces, focusing on preserving information useful for the target task while excluding protected attribute information. Li et al. [32] introduced debiasing alternating networks (DebiAN) to mitigate bias in depth image classifiers without the need for protected attribute labels, aiming to overcome the limitations of previous approaches that required full supervision. We demonstrate the effectiveness of DebiAN through experiments on both synthetic datasets, such as multi-color MNIST, and real-world datasets, showing its ability to discover and improve bias mitigation. Suwała et al. [33] introduce PluGeN4Faces, a plugin for StyleGAN that aims to manipulate facial attributes such as expression, hairstyle, pose and age in images while preserving the person’s identity. It uses contrastive loss to closely cluster images of the same individual in the latent space, ensuring that the change of attributes does not affect other features such as identity.
However, these methods often rely on high-quality face datasets for training and cannot achieve satisfactory results in terms of privacy and quality of recovered images. Therefore, our method adopts a new diffusion model-based facial privacy-protection method, which can effectively achieve facial privacy protection and face recovery while ensuring image clarity.

3. Method

A Face Privacy-Protection Model (DIFP) based on a diffusion model is proposed. As shown in Figure 1, in the training process, a high-quality ID image is obtained from the training dataset, from which an identity code I i d is derived. Additionally, an image of any style is selected to obtain the style code I s t y . These codes are then combined through a dual-conditional face data generator guided by identity and style. Realism control is added to the original image through iterative latent variable refinement technology to achieve more realistic privacy protection. Finally, the initial latent encoding z 0 is obtained by denoising the noisy latent encoding z T , and it is decoded to perform identity recovery. Section 3.1 introduces the problem formulation and the threat model. The fundamentals of the diffusion model are briefly discussed in Section 3.2. Finally, this is followed by an in-depth exploration of face privacy protection in Section 3.3.

3.1. Preliminaries

3.1.1. Problem Formulation

Let us have an original dataset of facial images D = { x i } i = 1 N , where x i denotes the facial image of the ith individual, and N represents the total number of individuals in the dataset. The objective is to devise a privacy preservation mechanism D I F P , underpinned by diffusion models, that transforms original facial images x 0 into privacy-preserving synthetic images x , all the while maintaining a degree of utility for recognition purposes.
Diffusion models are conventionally defined as a sequence of noise-injection steps progressing from a clean data distribution p ( x 0 ) to a noise distribution p ( z t ) , with z t approximating Gaussian noise. Conversely, in privacy-protection applications, we use the inverse process to approximate from noise to clear data distribution, but in this process, we introduce privacy-protection mechanisms according to the characteristics of the threat model. For the best privacy protection, we use anonymization privacy protection, so that the generated x looks similar to the original input but no longer corresponds to any particular original individual at all. At the same time, we also consider data practicality and retain key information for face recovery when necessary.
Privacy preservation aims to minimize information leakage I ( x 0 ; x ) , the mutual information between the original image x 0 and the generated image x . Meanwhile, to ensure a certain level of recognition performance, the utility of the generated images for legitimate recognition tasks, quantifiable as the accuracy of the conditional probability P ( x | x ) where x corresponds to the associated label (such as identity), needs to be maximized.
Thus, the core optimization goal encapsulates a trade-off problem:
m i n P ( x | x 0 ) ( λ I ( x 0 ; x ) U ( x , x ) )
Here, λ acts as a balancing parameter, modulating the compromise between privacy protection and utility; U ( x , x ) signifies a function gauging the utility of recognition, being a recognition accuracy metric, and I ( x 0 ; x ) denotes the magnitude of privacy leakage, computable through mutual information theory.

3.1.2. Threat Model

The threat model refers to the challenges faced by the privacy-protection-enhancement technology we designed, including various types of attacks that try to break its integrity and confidentiality. We construct the threat model from several aspects, such as the adversary objectives, the adversary knowledge level, the objectives of privacy protection and the practicality of the model.
Adversary objectives: the opponents of sensitive facial features in the initial image x 0 , usually associated with personal identity privacy.
Data-access and diffusion model relationships: rivals access to public x ; this means that the opponent can see the data of some form of output, or it is designed to protect privacy.
Adversary knowledge level: opponents may know the principle of diffusion model p ( z t 1 | z t ) before the moment of data associated with the noise of the moment after joining.
Privacy-protection objectives: under the threat model, the privacy-protection objectives are to design a model, make it practical with respect to meeting the data x 0 (utility), and at the same time minimize information about the characteristics of leakage, and to find a balance between protecting personal privacy and maintaining image utility.
The practicability of the model: the threat model is designed to generate types. The privacy-protection method provides a framework, allowing one to, in the case of known rival abilities and behaviors, develop an effective privacy policy. Through the definition of this threat model, we can consider the potential rival attack means and strategy and make sure they match the proposed privacy-protection method.

3.2. Overview of Generative Diffusion Models

The diffusion model, a probabilistic generative model, learns the data distribution p ( x ) by reverse-learning a Markov chain with a fixed length T and gradually denoising a normally distributed variable. It generates target data by incrementally introducing random noise into the input data. This process consists of two stages: forward diffusion and backward reconstruction. First, a pre-trained encoder G extracts a latent encoding z 0 from the initial image x 0 . Subsequently, denoising operations are performed in the latent space, followed by decoding the feature vector into the desired image using the pre-trained decoder D. This process encompasses both encryption and recovery of images for our face privacy-protection model.
During the forward diffusion phase, random noise is incrementally added to the initial image in order to progressively align the data with the target data. This process, also known as a fixed-length Markov chain, involves generating a sample z t by introducing noise ϵ at each time step t given the initial data z 0 . The diffusion process can be mathematically represented by Equation (2).
z t = z t 1 + i = 1 t ( 1 β i ) · ϵ t ,
where z t denotes the current data at time t, z t 1 denotes the previous data at time t 1 , the data distribution at time t is related to the data at time t 1 , and the addition of noise, i = 1 t ( 1 β i ) · ϵ t denotes the added noise, ϵ t is the introduced random noise, β i ( 0 , 1 ) , β 1 < β 2 < β T is the diffusion coefficient at time step t, and determines the size of the introduced noise, which is usually uncertain, according to the needs of the task. As time steps increase, we introduce smaller noise in the early stages of diffusion and larger noise in the later stages. The value of β i ( 0 , 1 ) , β 1 < β 2 < β T can be either a learnable parameter of the model or a manually set hyperparameter, that the image data at time t generated under the condition at time t 1 is subject to the standard normal distribution, as shown in Equation (3).
q ( z t | z t 1 ) = N ( z t ; ( 1 β t ) z t 1 , β t I ) ,
where q ( z t | z t 1 ) denote the conditional probability distribution of the data z t at the current time step t, given the data z t 1 at the previous time step t 1 . Normal distribution N is a continuous probability distribution. z t denotes the data at time step t, 1 β t is a coefficient that regulates the increase in noise in the diffusion process at each step, thereby adjusting z t 1 its impact z t . z t 1 denote the data at time step t 1 , representing the noisy data from the previous time step. β t I denotes the Gaussian noise that is added to each step of the diffusion process, and its variance is controlled by β t the identity matrix I. t [ 1 , T ] denotes the time step t from 1 to T, where T is the total number of steps of the diffusion process.
In the backward reconstruction stage, which is initiated from the final outcome of diffusion, gradual denoising is employed to restore the data to its target form. A decoder D predicts the mean and covariance of z t 1 for a given input z t . The model is trained using the standard Mean Square Error (MSE) loss to predict the added noise, represented by ϵ θ ( z t , t ) using the parameterized Gaussian transfer Equation (4).
p ( z t 1 | z t ) = N ( z t 1 ; μ θ ( z t , t ) θ ( z t , t ) ) ,
where p ( z t 1 | z t ) denotes the conditional probability distribution of the data z t 1 at the previous time step t 1 , given the data z t at the current time step t, in the reverse denoising process. The θ denotes the model parameters. N represents the normal distribution, a continuous probability distribution. z t 1 denote the data at time step t 1 , z t denote the data at time step t and μ θ ( z t , t ) denote the mean of the conditional distribution, which is a function of z t and time step t, computed from a network model with the network parameterized as θ . θ ( z t , t ) denotes the covariance matrix of the conditional distribution, a function of z t and time step t, also computed from the network model.
The mean μ θ ( z t , t ) can be obtained either through Bayes’ theorem or by predicting the noise ϵ θ ( z t , t ) using Equation (5). The weight α t in Equation (6) represents the impact of gradually adding noise. The covariance θ ( z t , t ) incorporates an additional loss term L v (Equation (7)) to maximize the likelihood of the model while minimizing the K L divergence between the distribution of the eigenvariate and the prior distribution. This process interpolates between the upper and lower bounds of the original fixed covariance, facilitating a smoother approximation of the true distribution during learning.
μ θ ( z t , t ) = 1 α t ( z t β t 1 α t ¯ ϵ θ ( z t , t ) ) ,
where μ θ ( z t , t ) represent the predicted data mean of the previous time step in the backward process, considering the current noisy data z t at time step t. μ denote the mean and θ denote the model parameters. z t denotes the data at time step t, and α t is a predetermined scheduling parameter, typically between 0 and 1, that controls the amount of noise added from z t 1 to z t . α t is the coefficient associated with β t controlling the addition of noise. α t ¯ denote the α i cumulative product from time step 1 to t. The model parameters determine ϵ θ ( z t , t ) , a random variable that represents the predicted value of the noise term at time step t. ϵ signify the addition of noise to the data at time step t.
α t ¯ = i = 1 t ( 1 β i ) , β i ( 0 , 1 ) ,
Equation (6) shows the α t ¯ calculation method in Equation (5), which ensures the smoothness of the forward diffusion process and the accuracy of the backward denoising process, as well as the flexibility of designing the diffusion process. By considering α t ¯ and β t , the noise growth in each step can be more finely controlled. α t ¯ captures the cumulative effect of noise from the start to the current step, while β t focuses on noise addition at the current step, providing precise prediction and noise removal for the reverse denoising process.
L v = R q ( z ) [ l o g p ( x | z ) ] K L ( q ( z ) p ( z ) ) ,
where “ ” represents the calculation of K L divergence, which is used to measure the similarity between the probability distribution of the real data and that of the model-generated data. “ N ” stands for expectation operation, which describes the expectation with respect to the distribution q ( z ) . q ( z ) represents the distribution of the eigenvariables, p ( x | z ) denotes the generated data distribution, and K L refers to the divergence measure known as K L divergence. The removal of back-guidance noise facilitates the gradual restoration of the data to its initial state.
Our face privacy-protection model achieves the gradual generation of complex privacy-protected images that resemble the target image from a simple input face image. This is accomplished through noise guidance and control, along with the gradual reduction of noise, ultimately aiming to closely approximate the original face image.

3.3. Framework for Face Privacy Protection

According to the adversary’s ability defined in the threat model, we use differential privacy to formulate a guidance strategy for adding identity and style conditions to the diffusion model and obtain a rich and diverse anonymized face image. Although the adversary knows the working principle of the basic diffusion model, only the interference image can be obtained after denoising. We assume that the adversary model is not available, which makes our method both confidential and practical to recover the face image and perform the corresponding task when necessary.

3.3.1. Diffusion Models Guided by Identity and Style Conditions

In our approach, we utilize the U-Net structure, which is a fundamental component of the diffusion model, for post-hoc prediction. It takes inputs such as the current time step z t and the associated conditional identity I i d and style I s t y . Modifications are made to the parameter changes of the mean μ θ and covariance θ during the state transition from one time step to the next, incorporating conditions to facilitate conditional generation control. As shown in Figure 2, this enhances both flexibility and controllability of the generated results. By adjusting the level of conditional guidance, it tailors the resulting images more towards specific identity and style attributes rather than solely relying on random noise. The conditionally generated Gaussian transitions are represented by the following Equation (8). To model the reverse process in a diffusion model, we use identity and style as conditional inputs to make the model take into account the details of identity and style when generating images, thus generating what we hope will be more accurate and consistent images.
p θ ( z t 1 | z t , I i d , I s t y ) = N ( z t 1 ; μ θ ( z t , t , I i d , I s t y ) , θ ( z t , t , I i d , I s t y ) ) ,
where p θ ( z t 1 | z t , I i d , I s t y ) represents the probability density function that generates the previous time step state z t 1 based on the conditions I i d and I s t y . The parameters μ θ and θ correspond to the adjusted mean and covariance parameters, respectively, which are influenced by the identity and style conditions.
In practice, similar to previous research, the conditional denoising process is trained to predict noise while incorporating additional identity and style information, represented as ϵ θ ( z t , t , I i d , I s t y ) .
To regulate the influence of identity and style conditions, we adopt a classifier-free guidance method that allows the generative model to be guided without relying on specific classifier labels. This enables conditioning the model during generation without requiring category information. The adjustment of dual-conditional guidance is achieved by introducing conditional vectors into the generation process. We employ a two-stage training strategy, segregating the training process into distinct phases with different objectives and configurations, as expressed by Equation (8). The initial stage trains the model with complete identity and style conditions to expedite its learning of condition correlations from the beginning, ensuring a robust starting point. During this phase, the loss function encompasses generating complete conditions, as expressed by Equation (9), used to optimize model parameters during training to better predict noisy data, it measures the difference between the noise ϵ θ predicted by the model and the actual noise ϵ . By minimizing a loss function, the model learns how to recover data from noisy data while taking into account the guiding information of identity and style, which can help generate images that are consistent with the identity and style of the input.
L s i m = R t , z 0 , ϵ [ ϵ ϵ θ ( z t , t , I i d , I s t y ) 2 ] ,
In the loss function, ϵ represents the actual noise term, while the noise term predicted by the model ϵ θ ( z t , t , I i d , I s t y ) is influenced by identity and style conditions. The L 2 norm · 2 signifies the Euclidean distance between two vectors, representing expectations for all time steps t, initial image z 0 and noise term ϵ in R t , z 0 , ϵ . This formulation enables the model to generate outputs closely resembling actual noise terms during the initial stage of training, facilitating correct learning of correlations with identity and style conditions.
The model’s performance is enhanced in the second stage through iterative refinement and optimization of its parameters. During this stage, the model undergoes further training with a subset of conditions, where only 40% of the original pixels associated with each condition are randomly replaced to augment the training data. This process helps achieve unconditional representation and enhances the model’s ability to generate outputs across a wider range of conditions, thereby improving its generalization capabilities. By employing two distinct training phases, we can effectively guide the model’s learning process, allowing it to focus on specific objectives and tasks at different stages. In the sampling phase, Equation (10) is used to regulate the balance between identity and style fidelity, facilitating flexible guidance of the generation process without requiring specific classifier labels. This methodology enhances the adaptability and utility of the generative model.
During generation, the model computes a base unconditional noise term ϵ θ ( z t , t , , ) and then adds the influence of the identity and style conditions back into the generation process, respectively, depending on the values of s i d and s s t y . By adjusting the values of s i d and s s t y , we can control the influence of the input identity and style conditions on the generated image.
ϵ θ ( z t , t , I i d , I s t y ) = ϵ θ ( z t , t , , ) + s i d ( ϵ θ ( z t , t , I i d , ) ϵ θ ( z t , t , , ) ) + s s t y ( ϵ θ ( z t , t , , I s t y ) ϵ θ ( z t , t , , ) )
where ϵ θ ( z t , t , I i d , I s t y ) is a final noise term that depends on the current time step t and the current noisy data z t , as well as the identity condition I i d and style condition I i d ; θ denotes the model parameters; ⊘ is used to generate unconditional noise terms that do not depend on identity or style. s i d and s i d are control parameters to balance the influence of identity and style on the generation process. ϵ θ ( z t , t , I i d , ) and ϵ θ ( z t , t , , I s t y denote the noise terms in the identity-only and style-only conditions, respectively. ϵ θ ( z t , t , , ) denotes the noise term without the influence of identity or style conditions.
During the second stage, the model utilizes partial conditions and modifies the loss function to incorporate the portion generated unconditionally. Equation (11) displays the loss function.
L p a r = R t , z 0 , ϵ [ ϵ ϵ θ ( z t , t , , ) 2 ] ,
where R represents the expected operation; t is the time step of the diffusion process; z 0 represents the input data without noise; ϵ denotes the actual noise term added to the data z 0 at time step t, while the noise term predicted by the model ϵ θ ( z t , t , , ) is influenced but without considering identity and style conditions. · 2 signifies the L 2 norm, indicating the Euclidean distance between the two vectors. R t , z 0 , ϵ represents expectations for all time steps, initial image and noise term. During the second phase of training, the objective is to refine the model’s generation outcomes to closely align with the actual noise term while disregarding identity and style conditions. This enhances the model’s capacity for generalization across a broader range of scenarios and improves its ability to generate diverse privacy-protected images in a more controlled manner.
Our training strategy incorporates a condition-controlled approach to guide the diffusion model, allowing for different levels of guidance, including full, partial and no guidance conditions. This enhances the model’s ability to generate a diverse range of facial images while ensuring privacy protection. By adjusting the level of conditional guidance, we can personalize the generated images in terms of identity and style, thereby increasing their diversity and expressive potential.

3.3.2. Realistic Control

To address concerns regarding the authenticity and trustworthiness of privately generated facial images, we propose a mechanism that ensures reliability and realism in the output. Our objective is to modify only the visual attributes of the face while maintaining consistency with other contextual factors, thereby guaranteeing the authenticity of private images. We present a three-fold control approach that integrates identity and style guidance alongside realism control. This technique aims to generate private images that closely resemble their original counterparts while adhering to conditional constraints. Specifically, we introduce realism control by iteratively refining latent features and employing two-dimensional classifier-free guidance for low-pass filtering downsampling on the initial image. These additional adjustments enhance the generation process, resulting in greater realism and authenticity in the produced images.
During the inference stage of the generative model, it is crucial to enhance the quality of generated privacy images and ensure they meet specific conditions by refining latent features. To achieve this, we propose an iterative method for refining latent features in the generated image. This method involves multiple rounds of adjustments to iteratively improve the image quality while maintaining consistency with the provided identity and style information. We accomplish this by progressively refining the latent variables using a downsampled original image at each intermediate transformation stage of the generation process. The objective is to align the generated privacy-preserving face images more accurately with user-provided input or adhere closely to the data distribution of the original image.
To enhance the authenticity of the generated images while preserving identity and style details, we employ a linear low-pass filtering technique ( L P ) to reduce image resolution and minimize high-frequency elements. Subsequently, the filtered image is downscaled to a size denoted by H and then upscaled back to its original resolution. The value of H is determined based on the realism scale parameter, and a reference image containing both identity and style information is used for fine-tuning the resulting image’s consistency with the reference. As shown in Equation (12), the realism of the image is controlled by the iterative latent variable refinement method in the generation process, which combines the predicted data x t 1 and the reference image X c o m 1 processed by the low-pass filter to generate the final image x t 1 .
x t 1 = x t 1 L P H ( x t 1 ) + L P H ( X c o m 1 ) ,
where x t 1 represents the final generated data at time step t 1 , which is computed by combining x t 1 with a reference image X c o m 1 . L P H ( · ) denotes a linear low-pass filter operation that downsamples the input image to a transform size H and then upsamples it back to the original size. This process helps to adjust the high and low frequency content of the image, thus controlling the detail and realism of the image. X c o m 1 denotes the reference image at time step t 1 , which is obtained by gradually injecting noise into the input identity and style combined image X c o m . This reference image contains identity and style information that is used to guide the generation process.
The realism scale factor adjusts the similarity between the resulting image and the original image, ensuring that the generated image maintains authenticity while closely matching the appearance and style of real image data distribution. This is achieved by controlling specific image parameters, as indicated in Equation (13). g r e a and M determine the value H to control the scale of the low-pass filter LP’s downsampling and upsampling operations, which are part of the iterative latent variable refinement process to adjust the image’s detail and realism during generation. By manipulating the realism scale factor, the generation quality of privacy-protected face images can be fine-tuned, dynamically balancing condition control and image realism during the generation process to yield more realistic privacy images.
H = g r e a ( M 1 ) + ( M + k ) ,
where H represents the parameter determining the size of the image transformation (downsampled size), while g r e a denotes the realism scale, controlling the balance between consistency and realism during image generation. As shown in Equation (14), as g r e a approaches 0, H increases, preserving more high-frequency information and detail akin to the original image, albeit with potential distortion. Conversely, as g r e a approaches 1, H decreases, resulting in a smoother image more aligned with the target data distribution. Here, M denotes the size of the reference image X c o m , and k represents a constant term.
g r e a = S S I M ( x t 1 , X c o m 1 ) S S I M ( x t 1 , x t 1 ) ,
where x t 1 is the generated image, X c o m 1 is the reference image and S S I M is the structural similarity index. g r e a represents the similarity between the generated image and the reference image. If the similarity between the generated image and the reference image is higher, the value of g r e a will be closer to 0. If the similarity between them is low, the value of g r e a is close to 1.

3.3.3. Face Identity Recovery

In this section, encoder G is used to extract key features from the original image and convert it into latent space z 0 , preserving essential original information F e that represents the image’s latent space representation for face image restoration purposes. During the privacy-protection process described in Section 3.2, noise is added to the initial latent code z 0 to obtain the latent code z t . Subsequently, using inversion [34], a map containing noise serves as the key information F i . Equation (15) calculates the time steps for noise addition, determining when noise should be introduced throughout the privacy-protection process. Adding noise at this stage helps preserve the global structure and characteristics of the image while obscuring facial appearance, making facial features less visually discernible and effectively concealing individual identity.
t = S n T ,
where T represents the total number of steps involved in noise removal, while S n denotes the scaling factor responsible for regulating the intensity of noise. This scaling factor allows for adjusting the noise intensity, thereby influencing the extent of noise introduction and removal. The choice of time step directly impacts the intensity of noise manipulation.
During the face restoration process, an iterative update of the noise image z t produces the denoised face restoration image. Equation (16), the key step in generating the face restoration image, utilizes the conditional embedding of the original image’s key information to restore the noisy image. Specifically, an updated latent representation z t 1 corresponding to the denoised recovered image at time step t 1 is generated by combining the noisy image z t and the noise term ϵ θ ( z t , t , F e , F i ) with the key information of the original image. We repeat this process until we generate the final noise-free image. This way, the diffusion model gradually recovers high-quality face images from noise while preserving the details of the original data distribution.
z t 1 = α t 1 α t z t + ( 1 1 α t 1 ) ϵ θ ( z t , t , F e , F i ) ,
where ϵ θ ( z t , t , F e , F i ) represents the process guided by the key information F e and F i , as well as the model parameter θ . This noise term is used to add details in the inverse process to recover the original face image with high quality. F e and F i represent the conditional guidance used at time step t, which is the key feature information extracted from the pre-trained diffusion model and used to guide the image restoration process. Let θ denote the parameters of the U-Net model, which are optimized during training to improve the quality of the recovered face images.
Equation (17) is an iterative step used for image generation in the face image restoration process, guides the denoising process of the t 1 step to obtain x. By employing latent encoding and raw image guidance, an initial encoding called “denoised” is generated to facilitate the reconstruction of an image that closely resembles the original. This ensures the production of a high-quality restored image, as shown in Figure 3.
z t 1 = z t 1 λ t z 0 D θ ( x , x 0 ) ,
where z 0 represents the estimated “clean” latent coding derived from z t , λ t denotes the learning rate and z 0 D θ ( x , x 0 ) represents the loss gradient, indicating the gradient for target D θ ( x , x 0 ) . This loss metric evaluates the similarity between the resulting image and the original.
The initial denoised latent code z 0 is obtained and then decoded to reconstruct the image representation. This process involves mapping the latent code back to the image space through an inverse transformation, resulting in the recovered image x . The decoder takes z 0 as input and utilizes learned weights and bias parameters to generate a representation that increasingly resembles the original image. The recovered image x is generated using Equation (18).
x = D e c ( z 0 ) ,
where x represents the recovered face image after denoising, Dec represents the decoder and z 0 represents the latent coded image in the latent space.

4. Experiment

4.1. Implementation Details and Datasets

The experiment was conducted using PyCharm 2021 on a Windows 10 platform. We utilized the CelebA-HQ dataset [35], which consists of approximately 30,000 images with a resolution of 1024 × 1024 pixels. For training purposes, we randomly selected a subset of 12,000 images from CelebA-HQ. Additionally, test images were obtained from a diverse network dataset to simulate real-world scenarios.
The experiment’s performance was evaluated using four metrics: root mean square error (RMSE), mean absolute error (MAE), peak signal-to-noise ratio (PSNR) and structural similarity index (SSIM). Lower values of RMSE and MAE indicate superior image quality, while higher values of PSNR and SSIM suggest the same. The training process employed an NVIDIA RTX 3090 GPU with a batch size of 16. To optimize the outcomes, we utilized the Adam optimizer with a learning rate set to 1 × 10 4.5 and a weight decay of 0.001.
Root mean square error (RMSE) quantifies the average magnitude of the discrepancy between predicted and actual values, thereby serving as a measure of precision in predictive modeling or estimation.
R M S E = 1 n i = 1 n ( x i x i ) 2 ,
where n represents the total number of samples, x i denotes the true value at position i and x i signifies the predicted value at position i. It represents the average magnitude of the difference between the recovered face image and the original face image.
Mean absolute error (MAE) measures the average absolute deviation between predicted and true values. A lower MAE indicates a reduced discrepancy between predicted and true values, demonstrating improved precision in the predictive model or estimation.
M A E = 1 n i = 1 n | x i x i | ,
where n represents the total number of samples, x i denotes the true value at position i and x i signifies the predicted value at position i. It represents the mean absolute deviation between the restored face image and the original face image, indicating the quality of the restoration.
Peak signal-to-noise ratio (PSNR) can be used to evaluate the quality of the recovered images. The higher the PSNR value, the better the quality of the restored image, indicating a closer resemblance to the original image. PSNR is calculated based on the mean squared error (MSE) between the original and restored images.
P S N R ( x i , x i ) = 10 · l o g 10 ( 255 2 M S E ( x i , x i ) ) ,
where x and x i represent the initial image and the recovered image, respectively.
Structural similarity index (SSIM) measures the similarity between two images by assessing their structure, brightness and contrast. It produces values within the range [−1, 1], where values closer to 1 signify greater similarity and higher image quality.
S S I M ( x i , x i ) = ( 2 μ x i μ x i + C 1 ) ( 2 σ x i σ x i + C 2 ) ( μ x i 2 + μ x i 2 + C 1 ) ( σ x i 2 + σ x i 2 + C 2 ) ,
where x and x i denote the original image and the restored image, respectively. μ x and μ x i represent the pixel mean, σ x and σ x represent the pixel variance, and σ x x i represents the covariance of the pixel. The constants C 1 and C 2 are used to stabilize the denominator, typically taking values such as C 1 = ( K 1 × L ) 2 and C 2 = ( K 2 × L ) 2 , where K 1 = 0.01 , K 2 = 0.03 , L = 255. Indicates the structural similarity between the recovered face image and the original face image.

4.2. Compare with Other Methods

In this section, we conduct experiments to evaluate the efficacy of our proposed method for facial privacy-protection and -recovery performance compared to existing approaches. Specifically, we compare our method with those proposed by Maximov et al. [36], Shan et al. [37], Hukkelas et al. [38], You et al. [39], Yang et al. [40], Li et al. [41], Gu et al. [42] and He et al. [43]. Hukkelas et al. [38] utilize a GAN-based approach to generate realistic and anonymous images for individual privacy protection. Maximov et al. [36] employ a GAN-based model to anonymize identity information through conditional generation. Shan et al.’s method focuses on adversarial examples to preserve face privacy while maintaining visual fidelity. You et al. [39] propose reversible face recognition using a reversible mosaic transformation for privacy protection. Yang et al. introduce a reversible mask network for achieving reversible face privacy protection. The Li et al. [41] method aims at reversible identity concealment with diverse concealment processes through latent encryptors. The Gu et al. [42] method combines password-based identity hiding and restoration. He et al. [43] achieve face identity hiding through conditional embedding policies. The following sections present the results of the comparison in terms of both qualitative and quantitative experiments.
Qualitative privacy preservation in qualitative experiments refers to the effectiveness of face privacy preservation methods as perceived by human observers. To evaluate the effect of privacy-protection measures from a qualitative perspective, we emphasize the naturalness of the processed images and the inability to identify the original individuals. Quantitative experiments refer to evaluating the performance of face privacy protection by quantifying the difference between the privacy protection-generated image and the original image through numerical data.

4.2.1. A Qualitative Comparison of the Privacy-Protection Effect of Faces

For face privacy protection, whether the processed image is natural and not discovered by attackers is an important evaluation index. In this section, we evaluate the visual quality and facial privacy-protection effectiveness of various methods through subjective visual comparison. Eight face images of different styles from the web were randomly selected for evaluation. In Figure 4, the first column shows the original face image that needs to be protected, and the subsequent columns represent the privacy-preserving images generated by other methods, respectively. The final column showcases the images generated by our proposed method. Visual inspection reveals noticeable visual distortions in the images processed by You et al., Maximov et al. [36], Shan et al. [37], Hukkelas et al. [38] and He et al. [43]. Gu et al.’s method [42] generates faces with distinctly different identities but suffers from unsatisfactory visual quality and mismatched attributes. Li et al.’s method produces a wide variety of faces but may introduce unnatural features in some cases. Although Yang et al.’s method maintains good visual fidelity, it may introduce information loss due to the retention of reversibility, leading to diminished realism. Our proposed method outperforms others in terms of visual quality, facial privacy-protection effectiveness and naturalness, preserving the posture and expression of the original image while achieving better photorealism.

4.2.2. Quantitative Comparison of Face Privacy-Protection Effect

The effectiveness of face privacy protection is assessed in this section by comparing the success rates of protection against face recognition. We randomly selected 2000 face images from the CelebA-HQ dataset [35] as protected face images and another 2000 face images with diverse identities and styles as bootstrap conditions. Subsequently, our proposed method was used to generate 2000 face privacy-preserving images. All processed face images underwent testing with two types of face-recognition tools: commercially available tools and academically researched tools. Specifically, evaluation was conducted using Baidu Intelligent Cloud’s [44] framework for facial recognition along with the renowned and reliable face-recognition API, FaceNet [45], which has achieved top rankings in authoritative public evaluations.
The equation for calculating the protection success rate can be defined as follows,
P R = N P N T × 100 % ,
where N P represents the number of faces that cannot be recognized after protection. N T denotes the total number of faces. If a privacy-protection method can make the face-recognition system unable to identify the identity of the person in the image, the success rate of this method will be high.
The results are summarized in Table 1. Notably, Shan et al.’s method [37] exhibits protection success rates of 76.5% and 23.6%. This lower success rate can be attributed to its reliance on adversarial interference, which may not be compatible with the loss functions and training methodologies employed by many commercial face-recognition tools. Conversely, methods proposed by You et al. [39], Maximov et al. [36], Hukkelas et al. [38], Yang et al. [40] and our proposed method achieved protection success rates of 100% when tested using the face-recognition tool from Baidu Intelligent Cloud [45]. Notably, You et al.’s method employs reversible mosaic transformation, rendering the processed faces unrecognizable by Baidu Intelligent Cloud [45]. Maximov et al. [36] and Hukkelas et al. [38] modify and replace original facial features, leading to inaccuracies in face identification by Baidu Intelligent Cloud [45] although the original identity remains unrecoverable. Yang et al.’s method utilizes a reversible mask network for privacy protection but lacks diversity in generated images. In contrast, our proposed method demonstrates superior protection-recognition rates compared to other privacy-protection methods in the FaceNet [44] face-recognition framework, even outperforming You’s approach after removing all mosaic transformations. In summary, our approach offers enhanced security measures.

4.2.3. Qualitative Comparison of the Restorative Effect of the Face

As mentioned earlier, achieving high-fidelity restoration of the original face is the primary objective of this study to suit new face privacy-protection scenarios. Recoverability serves as a vital criterion for evaluating face privacy-protection methods. Table 2 provides a comparative analysis of the reversibility of these methods. Notably, among the eight comparative methods discussed earlier, You et al.’s method, Yang et al.’s method, Li et al.’s method [41], Gu et al.’s method [42] and He et al.’s method [43] are reversible. Figure 5 presents a qualitative comparison, indicating that the recovered images produced by our method exhibit a smoother, sharper and closer resemblance to the original images. In summary, our method effectively safeguards the privacy of protected faces while offering near-perfect recovery of obscured faces.

4.2.4. Quantitative Comparison of Face Reversibility Effects

Utilizing the recovered images depicted in Figure 5, we computed the similarity metrics between the original and recovered images. Specifically, we calculated the PSNR, SSIM, RMSE and MAE values between the protected and recovered surfaces. Table 3 presents a quantitative comparison of these metrics.
The results in Table 3 demonstrate that our method outperforms existing reversible methods in identity recovery across various evaluation metrics.
We used the recovered face images for the face-recognition model ArcFace as well as Facenet to verify the recovery effect on the face-recognition model. We evaluate the effectiveness of the face recovery effect by comparing the recognition rates, as illustrated in Table 4.
As can be seen from the table, in the Facenet face-recognition model, except for You et al., the other methods have a 100% recognition rate. However, in the ArcFace face-recognition model, only He et al.’s method and our method achieve a 100% recognition rate. Combining with the various image recovery indicators in Table 3, our method is better than He et al.’s method in all indicators. At the same time, it can efficiently restore the original identity, which has more advantages in terms of privacy protection.

4.3. Ablation Study with Other Methods

4.3.1. Add the Influence of Identity and Style-Guided Conditionality

In our approach, we employ multiple guidance conditions, including identity and style guidance, to provide comprehensive control for a single diffusion model. This contrasts with methods that rely on single-guidance information. To validate the advantages of employing multiple conditional controls over a single set of bootstrap information, we conducted experiments. Figure 6 illustrates the outcomes of employing multiple conditional controls using identity and style guidance compared to utilizing only single bootstrap information. The results demonstrate that while various methods, such as Gu et al. [42], Maximov et al. [36], Li et al. [41] and He et al. [43], can generate faces, they exhibit limitations. For instance, faces generated by Gu et al. [42] exhibit common characteristics across different passwords; Maximov et al. [46] produce faces with low quality and noticeable stitching marks; Li et al. [41] yield facial features that are similar when encrypting different faces with the same password; and the faces generated by He et al. [43] lack realism. In contrast, our method, leveraging multiple conditional controls guided by identity and style, demonstrates robust decoupling and editability, resulting in the generation of diverse and realistic face images capable of achieving varying degrees of privacy protection.
In Figure 7, we utilized a face-recognition network to extract conditional control information from the generated face images. We employed t-SNE dimensionality reduction [46] and conducted a visualization experiment to compare the outcomes of multiple conditional controls with identity and style guidance against those without conditional control. Figure 7a illustrates that identity clusters are relatively close, with distinct clusters well separated in the hyperplane. Conversely, Figure 7b demonstrates that the privacy-preserving faces we generated exhibit greater dispersion, occupying a larger portion of the hyperplane and offering a wider diversity of face images.

4.3.2. The Effect of Realistic Control

In the privacy-protection experiment, we designed a photorealistic control strategy experiment to assess its effectiveness and its impact on the generated results across different degrees. Specifically, we varied the realism scale factor g r e a in the realism control and experimentally evaluated its influence. The outcomes are depicted in Figure 8. As illustrated, decreasing g r e a results in more retained high-frequency detail in the generated face image, with greater variations leading to increased distortion. Conversely, increasing g r e a yields smoother face images that closely resemble real faces. Optimal similarity and realism with real faces are observed when g r e a ( 0.5 0.7 ) . Therefore, in our methodology, to ensure the best privacy protection and user visual experience, we select a realism scale factor of g r e a = 0.6 for our photorealistic control strategy. This choice not only obscures sensitive information but also effectively guides control with dual conditions of identity and style, resulting in privacy-preserving faces that closely resemble real faces, thereby enhancing authenticity and achieving privacy protection.

4.3.3. The Effect of Noise Intensity

To assess the robustness of the restored image, we introduce controlled random noise into the face image restoration process and vary the scale factor S n to examine its impact on restoration outcomes. Table 5 presents the results obtained with different noise scale factors. When decreasing noise intensity (i.e., reducing the scale factor S n ), the outcomes gradually resemble the original image more closely. Specifically, when S n = 0.8 , the performance is optimal. By ensuring that identity and style attributes remain unchanged, our model’s performance can be effectively enhanced to achieve privacy protection. Consequently, we select S n = 0.8 as the noise scale factor, which effectively obscures sensitive information while introducing significant changes to optimize our model’s performance.

5. Conclusions

To address evolving societal trends towards greater self-expression while safeguarding facial privacy and preserving high-fidelity facial features, we propose a novel reversible face privacy-protection method based on a diffusion model(DIFP). Our method comprises three key parts. Part 1 involves generating facial images using a classifier-free guided diffusion model with multifaceted control over identity and style. Part 2 focuses on the iterative refinement of variables to enable control over identity, style and realism during image generation to achieve privacy protection. Part 3 employs denoising techniques to perform identity recovery, resulting in visually distinct facial features that can be almost entirely recovered by authorized users. Extensive experimentation demonstrates the effectiveness of our method both quantitatively and qualitatively. Future research directions may focus on comprehensive privacy protection in multi-modal scenarios such as images, videos and audio to ensure effective safeguarding of individuals’ identities and private information across various data types.

Author Contributions

Conceptualization, X.Y., X.Z. and Y.W.; methodology, X.Y. and W.S.; validation, X.Z.; investigation, X.Y. and Y.W.; writing—original draft preparation, X.Y., Y.W. and X.Z.; writing—review and editing, X.Y. and W.S.; supervision, X.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the Fundamental Research Funds for the Central Universities under Grant 2020ZDPY0223.

Institutional Review Board Statement

No applicable.

Informed Consent Statement

No applicable.

Data Availability Statement

All training datasets used in this article are from public datasets on the Internet.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Zhao, Y.; Tarus, S.K.; Yang, L.T.; Sun, J.; Ge, Y.; Wang, J. Privacy-preserving clustering for big data in cyber-physical-social systems: Survey and perspectives. Inf. Sci. 2020, 515, 132–155. [Google Scholar] [CrossRef]
  2. Chamikara, M.A.P.; Bertók, P.; Liu, D.; Camtepe, S.; Khalil, I. Efficient privacy preservation of big data for accurate data mining. Inf. Sci. 2020, 527, 420–443. [Google Scholar] [CrossRef]
  3. Nowrozy, R.; Ahmed, K.; Kayes, A.S.M.; Wang, H.; McIntosh, T.R. Privacy preservation of electronic health records in the modern era: A systematic survey. ACM Comput. Surv. 2024, 56, 1–37. [Google Scholar] [CrossRef]
  4. Hu, W.; Zhou, D.; Zhu, Z.; Qiao, T.; Yao, Y.; Hassaballah, M. Privacy-preserving face recognition method based on extensible feature extraction. J. Vis. Commun. Image Represent. 2024, 100, 104–140. [Google Scholar] [CrossRef]
  5. Yang, X.; Li, R.; Yang, X.; Zhou, Y.; Liu, Y.; Han, J.D.J. Coordinate-wise monotonic transformations enable privacy-preserving age estimation with 3D face point cloud. Sci. China Life Sci. 2024, 10, 1–13. [Google Scholar] [CrossRef] [PubMed]
  6. Xavier, M.; Michael, K. Who Wore It Best? And Who Paid Less? Effects of Privacy-Preserving Techniques Across Demographics. In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, Waikoloa, HI, USA, 3–8 January 2024; pp. 1160–1169. [Google Scholar]
  7. Newton, E.M.; Sweeney, L.; Malin, B. Preserving privacy by de-identifying face images. IEEE Trans. Knowl. Data Eng. 2005, 17, 232–243. [Google Scholar] [CrossRef]
  8. Neustaedter, C.; Greenberg, S.; Boyle, M. Blur filtration fails to preserve privacy for home-based video conferencing. ACM Trans.-Comput.-Hum. Interact. (TOCHI) 2006, 13, 1–36. [Google Scholar] [CrossRef]
  9. House, N.A.V. Collocated photo sharing, story-telling, and the performance of self. Int. J. Hum.-Comput. Stud. 2009, 67, 1073–1086. [Google Scholar] [CrossRef]
  10. Ye, M.; Shen, W.; Zhang, J.; Yang, Y.; Du, B. Securereid: Privacy-preserving anonymization for person re-identification. IEEE Trans. Inf. Forensics Secur. 2024, 19, 2840–2853. [Google Scholar] [CrossRef]
  11. Sajid, M.D.; Kavitha, S. Privacy-Preserving Photo Sharing on Online Social Networks: A Review. Int. J. Saf. Secur. Eng. 2024, 14, 297–327. [Google Scholar] [CrossRef]
  12. Wen, H.; Xie, Z.; Wu, Z.; Lin, Y.; Feng, W. Exploring the future application of UAVs: Face image privacy protection scheme based on chaos and DNA cryptography. J. King Saud Univ.-Comput. Inf. Sci. 2024, 36, 101–117. [Google Scholar] [CrossRef]
  13. Osorio-Roig, D.; Gonzalez-Soler, L.J.; Rathgeb, C.; Busch, C. Privacy-preserving Multi-biometric Indexing based on Frequent Binary Patterns. IEEE Trans. Inf. Forensics Secur. 2024, 3, 1–10. [Google Scholar] [CrossRef]
  14. García-Rodríguez, J.; Krenn, S.; Slamanig, D. To pass or not to pass: Privacy-preserving physical access control. Comput. Secur. 2024, 136, 103566. [Google Scholar] [CrossRef]
  15. Mao, Q.; Wang, L.; Long, Y.; Han, L.; Wang, Z.; Chen, K. A blockchain-based framework for federated learning with privacy preservation in power load forecasting. Knowl.-Based Syst. 2024, 284, 111338. [Google Scholar] [CrossRef]
  16. Yang, X.; Dong, Y.; Pang, T.; Su, H.; Zhu, J.; Chen, Y.; Xue, H. Towards face encryption by generating adversarial identity masks. In Proceedings of the IEEE/CVF International Conference on Computer Vision, ICCV, Montreal, QC, Canada, 10–17 October 2021; pp. 3877–3887. [Google Scholar]
  17. O’reilly, M.; Dogra, N.; Whiteman, N.; Hughes, J.; Eruyar, S.; Reilly, P. Is social media bad for mental health and wellbeing? exploring the perspectives of adolescents. Clin. Child Psychol. Psychiatry 2018, 23, 601–613. [Google Scholar] [CrossRef]
  18. Su, J.; Shukla, A.; Goel, S.; Narayanan, A. De-anonymizing web browsing data with social networks. In Proceedings of the 26th International Conference on World Wide Web, Perth, Australia, 3–7 May 2017; pp. 1261–1269. [Google Scholar]
  19. Song, Y.; Ermon, S. Generative modeling by estimating gradients of the data distribution. In Proceedings of the 33rd Conference on Neural Information Processing Systems (NeurIPS 2019), Vancouver, BC, Canada, 8–14 December 2019. [Google Scholar]
  20. Song, Y.; Sohl-Dickstein, J.; Kingma, D.P.; Kumar, A.; Ermon, S.; Poole, B. Score-based generative modeling through stochastic differential equations. arXiv 2020, arXiv:2011.13456. [Google Scholar]
  21. Ho, J.; Jain, A.; Abbeel, P. Denoising diffusion probabilistic models. Adv. Neural Inf. Process. Syst. 2020, 33, 6840–6851. [Google Scholar]
  22. Sohl-Dickstein, J.; Weiss, E.; Maheswaranathan, N.; Ganguli, S. Deep unsupervised learning using nonequilibrium thermodynamics. Int. Conf. Mach. Learn. 2015, 23, 2256–2265. [Google Scholar]
  23. Yang, L.; Zhang, Z.; Song, Y.; Hong, S.; Xu, R.; Zhao, Y.; Shao, Y.; Zhang, W.; Cui, B.; Yang, M.H. Diffusion models: A comprehensive survey of methods and applications. arXiv 2022, arXiv:2209.00796. [Google Scholar] [CrossRef]
  24. Hsu, H.; Asoodeh, S.; Calmon, F. Obfuscation via information density estimation. In Proceedings of the International Conference on Artificial Intelligence and Statistics (AISTATS), Virtual, 26–28 August 2020; pp. 906–917. [Google Scholar]
  25. de Freitas, J.M.; Geiger, B.C. Funck: Information funnels and bottlenecks for invariant representation learning. arXiv 2022, arXiv:2211.01446. [Google Scholar]
  26. Huang, T.H.; Gamal, H.E. An efficient difference-of-convex solver for privacy funnel. arXiv 2024, arXiv:2403.04778. [Google Scholar]
  27. Razeghi, B.; Rahimi, P.; Marcel, S. Deep Privacy Funnel Model: From a Discriminative to a Generative Approach with an Application to Face Recognition. arXiv 2024, arXiv:2404.02696. [Google Scholar]
  28. Morales, A.; Fierrez, J.; Vera-Rodriguez, R.; Tolosana, R. Sensitivenets: Learning agnostic representations with application to face images. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 43, 2158–2164. [Google Scholar] [CrossRef] [PubMed]
  29. Tran, L.; Yin, X.; Liu, X. Disentangled representation learning gan for pose-invariant face recognition. In Proceedings of the IEEE conference on computer vision and pattern recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 1415–1424. [Google Scholar]
  30. Gong, S.; Liu, X.; Jain, A.K. Jointly de-biasing face recognition and demographic attribute estimation. In Proceedings of the Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, 23–28 August 2020; Part XXIX 16. pp. 330–347. [Google Scholar]
  31. Park, S.; Hwang, S.; Kim, D.; Byun, H. Learning disentangled representation for fair facial attribute classification via fairness-aware information alignment. In Proceedings of the AAAI Conference on Artificial Intelligence, Virtual, 2–9 February 2021; pp. 2403–2411. [Google Scholar]
  32. Li, Z.; Hoogs, A.; Xu, C. Discover and mitigate unknown biases with debiasing alternate networks. In Proceedings of the European Conference on Computer Vision, Tel Aviv, Israel, 23–27 October 2022; pp. 270–288. [Google Scholar]
  33. Suwała, A.; Wójcik, B.; Proszewska, M.; Tabor, J.; Spurek, P.; Śmieja, M. Face identity-aware disentanglement in stylegan. In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, Waikoloa, HI, USA, 1–6 January 2024; pp. 5222–5231. [Google Scholar]
  34. Song, J.; Meng, C.; Ermon, S. Denoising diffusion implicit models. arXiv 2020, arXiv:2010.02502. [Google Scholar]
  35. Karras, T.; Aila, T.; Laine, S.; Lehtinen, J. Progressive growing of gans for improved quality, stability, and variation. arXiv 2017, arXiv:1710.10196. [Google Scholar]
  36. Maximov, M.; Elezi, I.; Leal-Taixé, L. CIAGAN: Conditional identity anonymization generative adversarial networks. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition(CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 5447–5456. [Google Scholar]
  37. Shan, S.; Wenger, E.; Zhang, J.; Li, H.; Zheng, H.; Zhao, Y.B. Fawkes: Protecting privacy against unauthorized deep learning models. In Proceedings of the SEC’20: Proceedings of the 29th USENIX Conference on Security Symposium, Berkeley, CA, USA, 12–14 August 2020; Volume 527, pp. 1589–1604. [Google Scholar]
  38. Hukkelås, H.; Mester, R.; Lindseth, F. DeepPrivacy: A generative adversarial network for face anonymization. arXiv 2019, arXiv:1909.04538. [Google Scholar]
  39. You, Z.; Li, S.; Qian, Z.; Zhang, X. Reversible privacy-preserving recognition. In Proceedings of the IEEE International Conference on Multimedia and Expo (ICME), Shenzhen, China, 5–9 July 2021; pp. 1–6. [Google Scholar]
  40. Yang, Y.; Huang, Y.; Shi, M.; Chen, K.; Zhang, W. Invertible mask network for face privacy preservation. Inf. Sci. 2023, 629, 566–579. [Google Scholar] [CrossRef]
  41. Li, D.; Wang, W.; Zhao, K.; Dong, J.; Tan, T. Riddle: Reversible and diversified de-identification with latent encryptor. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Vancouver, BC, Canada, 18–22 June 2023; pp. 8093–8102. [Google Scholar]
  42. Gu, X.; Luo, W.; Ryoo, M.S.; Lee, Y.J. Password-conditioned anonymization and deanonymization with face identity transformers. In Proceedings of the European Conference on Computer Vision (ECCV), Glasgow, UK, 23–28 August 2020; pp. 727–743. [Google Scholar]
  43. He, X.; Zhu, M.; Chen, D.; Wang, N.; Gao, X. Diff-Privacy: Diffusion-based Face Privacy Protection. arXiv 2023, arXiv:2309.05330. [Google Scholar]
  44. Schroff, F.; Kalenichenko, D.; Philbin, J. Facenet: A unified embedding for face recognition and clustering. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015; pp. 815–823. [Google Scholar]
  45. Baidu Intelligent Cloud. Available online: https://cloud.baidu.com/product/face (accessed on 10 February 2024).
  46. der Maaten, L.V.; Hinton, G. Visualizing data using t-sne. J. Mach. Learn. Res. 2008, 9, 2579–2605. [Google Scholar]
Figure 1. The overall framework of the face privacy-protection model (DIFP).
Figure 1. The overall framework of the face privacy-protection model (DIFP).
Entropy 26 00479 g001
Figure 2. Identity and style conditions guide the generation process of face privacy-preserving images.
Figure 2. Identity and style conditions guide the generation process of face privacy-preserving images.
Entropy 26 00479 g002
Figure 3. Privacy-protection image denoising recovery process.
Figure 3. Privacy-protection image denoising recovery process.
Entropy 26 00479 g003
Figure 4. A qualitative comparison of the effect of face privacy protection with other methods. Maximov et al. [36], Shan et al. [37], Hukkelas et al. [38], You et al. [39], Yang et al. [40], Li et al. [41], Gu et al. [42] and He et al. [43].
Figure 4. A qualitative comparison of the effect of face privacy protection with other methods. Maximov et al. [36], Shan et al. [37], Hukkelas et al. [38], You et al. [39], Yang et al. [40], Li et al. [41], Gu et al. [42] and He et al. [43].
Entropy 26 00479 g004
Figure 5. A qualitative comparison of the effect of face privacy protection with other methods. You et al. [39], Yang et al. [40], Li et al. [41], Gu et al. [42] and He et al. [43].
Figure 5. A qualitative comparison of the effect of face privacy protection with other methods. You et al. [39], Yang et al. [40], Li et al. [41], Gu et al. [42] and He et al. [43].
Entropy 26 00479 g005
Figure 6. Visual comparison of generated results guided by multiple conditions in privacy protection. Maximov et al. [36], Li et al. [41], Gu et al. [42] and He et al. [43].
Figure 6. Visual comparison of generated results guided by multiple conditions in privacy protection. Maximov et al. [36], Li et al. [41], Gu et al. [42] and He et al. [43].
Entropy 26 00479 g006
Figure 7. T-SNE visualization results.
Figure 7. T-SNE visualization results.
Entropy 26 00479 g007
Figure 8. The impact of the scale factor in photorealism on the generated outcomes.
Figure 8. The impact of the scale factor in photorealism on the generated outcomes.
Entropy 26 00479 g008
Table 1. Quantitative comparison of the effect of face privacy protection with other methods.
Table 1. Quantitative comparison of the effect of face privacy protection with other methods.
MethodBusiness FrameworkFaceNet
You et al. [39]100%100%
Shan et al. [37]76.5%23.6%
Maximov et al. [36]100%84.9%
Hukkelas et al. [38]100%92.3%
Yang et al. [40]100%96.3%
Li et al. [41]-98.5%
Gu et al. [42]-95.7%
He et al. [43]-98.8%
Ours100%99.2%
Table 2. Whether there is a recoverability comparison.
Table 2. Whether there is a recoverability comparison.
MethodReversibility
You et al. [39]
Shan et al. [37]×
Maximov et al. [36]×
Hukkelas et al. [38]×
Yang et al. [40]
Li et al. [41]
Gu et al. [42]
He et al. [43]
Ours
Table 3. Comparison results between other methods and our method with regard to the reversibility effect.
Table 3. Comparison results between other methods and our method with regard to the reversibility effect.
MethodRMSE ↓ MAE ↓ SSIM ↑ PSNR ↑
You et al. [39]14.1332.9720.49413.527
Yang et al. [40]0.5270.4960.52318.649
Li et al. [41]0.2120.1480.59719.489
Gu et al. [42]0.1770.1150.76228.693
He et al. [43]0.0850.0540.85428.900
Ours0.0460.0270.93830.174
Table 4. Compare the recognition rates of face restoration effects on face-recognition models.
Table 4. Compare the recognition rates of face restoration effects on face-recognition models.
MethodFaceNetArcFace
You et al. [39]98.6%91.7%
Yang et al. [40]100%93.3%
Li et al. [41]100%96.2%
Gu et al. [42]100%98.5%
He et al. [43]100%100%
Ours100%100%
Table 5. Results of comparison with other methods in terms of noise intensity.
Table 5. Results of comparison with other methods in terms of noise intensity.
Noise Scale FactorRMSE ↓ MAE ↓ SSIM ↑ PSNR ↑
20.0740.0490.66728.627
1.20.0530.0360.89429.335
0.80.0460.0270.93830.174
0.50.0490.0330.91527.156
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

You, X.; Zhao, X.; Wang, Y.; Sun, W. Generation of Face Privacy-Protected Images Based on the Diffusion Model. Entropy 2024, 26, 479. https://doi.org/10.3390/e26060479

AMA Style

You X, Zhao X, Wang Y, Sun W. Generation of Face Privacy-Protected Images Based on the Diffusion Model. Entropy. 2024; 26(6):479. https://doi.org/10.3390/e26060479

Chicago/Turabian Style

You, Xingyi, Xiaohu Zhao, Yue Wang, and Weiqing Sun. 2024. "Generation of Face Privacy-Protected Images Based on the Diffusion Model" Entropy 26, no. 6: 479. https://doi.org/10.3390/e26060479

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

Article Metrics

Back to TopTop