Robust Sound-Guided Image Manipulation

Seung Hyun Lee, Chanyoung Kim, Wonmin Byeon, Gyeongrok Oh,
Jooyoung Lee, Sang Ho Yoon, Jinkyu Kim*, Sangpil Kim*
S.H. Lee, C. Kim, G. Oh, J. Lee, and S. Kim are with the Department of Artificial Intelligent, Korea University, Seoul 02841, Republic of Korea. W. Byeon is with the NVIDIA Research, NVIDIA Corporation, CA 95051, USA. S. Yoon is with Graduate School of Culture Technology, KAIST, Daejeon 34141, Republic of Korea. J. Kim is with the Department of Computer Science and Engineering, Korea University, Seoul 02841, Republic of Korea.
Abstract

Recent successes suggest that an image can be manipulated by a text prompt, e.g., a landscape scene on a sunny day is manipulated into the same scene on a rainy day driven by a text input “raining”. These approaches often utilize a StyleCLIP-based image generator, which leverages multi-modal (text and image) embedding space. However, we observe that such text inputs are often bottlenecked in providing and synthesizing rich semantic cues, e.g., differentiating heavy rain from rain with thunderstorms. To address this issue, we advocate leveraging an additional modality, sound, which has notable advantages in image manipulation as it can convey more diverse semantic cues (vivid emotions or dynamic expressions of the natural world) than texts. In this paper, we propose a novel approach that first extends the image-text joint embedding space with sound and applies a direct latent optimization method to manipulate a given image based on audio input, e.g., the sound of rain. Our extensive experiments show that our sound-guided image manipulation approach produces semantically and visually more plausible manipulation results than the state-of-the-art text and sound-guided image manipulation methods, which are further confirmed by our human evaluations. Our downstream task evaluations also show that our learned image-text-sound joint embedding space effectively encodes sound inputs.

Image manipulation, self-supervised learning, multi-modal representation learning, sound.
{strip}
\captionof

figure Our model manipulates the given source image (top row) guided by sound inputs, e.g., coughing. We compare our image manipulation results (bottom row) with existing approaches: text-driven modified image [Patashnik_2021_ICCV] and our prior work (Lee et al. [lee2022sound]).

1 Introduction

Image manipulation is a task that naturally edits images according to the user’s intention. Recent studies provide guidance on manipulation using multi-modal information such as sketches [park2019semantic], text [xia2021tedigan, Patashnik_2021_ICCV, gatys2016neural], and sound [lee2022sound]. To apply the user’s intention into the image, a mixture of sketches and text is used to perform image manipulation and synthesis [park2019semantic, xia2021tedigan]. The user’s intention can be applied by drawing a picture [park2019semantic] or writing text with semantic meanings [xia2021tedigan, gatys2016neural]. We mainly focus on image modification based on user-provided sound. Because discrete input like text cannot fully express the user’s intention when it is used alone, sound provides an alternative option, as it provides other properties such as continuity and dynamics over time. Such properties of sound allow image manipulation to be more dynamic and create different levels of semantics or sentiment in a scene. For example, every video clip of “thunder” generates a different loudness and different characteristics of “sound of thunder”. In addition, when a piece of music is expressed with a combination of several instruments, the atmosphere of the music can be expressed only with sound.


Examples of audio-visual representational biases observed in the VGG-Sound dataset 
Figure 1: Examples of audio-visual representational biases observed in the VGG-Sound dataset [chen2020vggsound], e.g., a scene of “laughing” often concurrently observed with baldness or eyeglasses.

Recent text-conditional image manipulation methodologies show promising results [el2019tell, jiang2021language, li2020manigan, nam2018tagan, xia2021tedigan]. Those works use a powerful joint multi-modal embedding space which is trained on a large scale image-text pairs. These text-based prior works provide a powerful tool for image manipulation. In particular, StyleCLIP [Patashnik_2021_ICCV], one of the best text-guided image manipulation method, considered leveraging the representational power of Contrastive Language-Image Pre-training (CLIP) [radford2learning] models to produce text-relevant manipulations with given text input. StyleCLIP also maintains high-quality image generation ability using StyleGAN [jeong2021tr] while allowing the style insertion of text semantics into the image. Both space and extended latent space , the intermediate latent space of StyleGAN, are suitable for manipulation because they disentangle the feature in the representation spaces.

Previous sound-to-visual synthesis works [chen2017deep, hao2018cmcgan, oh2019speech2face, qiu2018image, wan2019towards, zhu2021deep] have attempted to convert sound signals into realistic visual content. However, these works have a limitation in creating or changing intuitive image styles with various audio domains, as they do not leverage pre-trained joint multi-modal representations like CLIP [radford2learning]. To solve this problem, many recent studies try to match the sound embedding space with the CLIP embedding space [wu2021wav2clip, lee2022sound, guzhov2021audioclip]. In particular, Lee et al. [lee2022sound] proposed a method to provide sound-based guidance by matching the sound embedding space with the CLIP embedding space. After matching the multimodal embedding space, the StyleGAN source latent vector moves under CLIP-based guidance by minimizing the cosine distance of the manipulated image embedding and sound embedding. This approach allows the StyleGAN source latent vector in space to obtain a robust direction for semantic cues while being intensity-aware for various sound inputs.

Failure examples of our prior sound-based image manipulation approach 
Figure 2: Failure examples of our prior sound-based image manipulation approach [lee2022sound] with sound inputs of giggling and nose blowing. Though it produces visually plausible manipulation results, fine-grained visual details (e.g., hair color) are not properly retained in the manipulated images. For example, see unintentional hair color changes (1st column), hairstyle changes (2nd column), the appearance of glasses (3rd column), and disappearance of beard (4th column).
Overview of our proposed sound-guided image manipulation process. Our model mainly consists of two steps: (a) matching the sound representation to the CLIP embedding space and (b) the StyleGAN2-based sound-guided image manipulation step. In (a), we train an audio encoder to produce the matched latent representations from a given video. The latent representations for a positive triplet pair (e.g., audio input: “Wave”, text: “wave”, and corresponding image) are mapped close together, while that of negative pair samples are mapped further away in the (CLIP-based) embedding space (see right). To further enhance the representational power of the joint embedding space, we use a weakly-aligned image-audio pair, i.e., given a text input “Wave”, we randomly sample an image of the same class but from other video clips. We observe that our proposed Weakly Paired Contrastive Learning effectively retains fine-grained visual details, addressing issues raised in Fig. 
Figure 3: Overview of our proposed sound-guided image manipulation process. Our model mainly consists of two steps: (a) matching the sound representation to the CLIP embedding space and (b) the StyleGAN2-based sound-guided image manipulation step. In (a), we train an audio encoder to produce the matched latent representations from a given video. The latent representations for a positive triplet pair (e.g., audio input: “Wave”, text: “wave”, and corresponding image) are mapped close together, while that of negative pair samples are mapped further away in the (CLIP-based) embedding space (see right). To further enhance the representational power of the joint embedding space, we use a weakly-aligned image-audio pair, i.e., given a text input “Wave”, we randomly sample an image of the same class but from other video clips. We observe that our proposed Weakly Paired Contrastive Learning effectively retains fine-grained visual details, addressing issues raised in Fig. 2. In (b), we use a direct code optimization approach where a source latent code is modified in response to user-provided audio, producing a sound-guided image manipulation result (right).

However, the existing sound-guided image manipulation technique [lee2022sound] has a weakness when guiding unintentional information that is not included in the sound inputs. As the sound latent vector does not project correctly into the image embedding space, the image attributes unrelated to the audio are changed. Fig. 2 shows how a sound sample gives audio-irrelevant direction such as eyeglasses or hair color. This is because the previous method [lee2022sound] allows one video sample to have only one strong positive edge between its own audio and frame even if many same class video samples share common properties. Specifically, we find some biases in audio-visual pairs for sound representation learning which result in fatal issue about image manipulation (see Fig. 1). As a result, sampling only one strong positive pairs from one video affects the image manipulation results as shown in Fig. 2.

To tackle these problems, we propose a novel audio-visual weakly paired contrastive learning, which prevents sound representation from learning biases between audio-visual from other videos in minibatches. Our approach enlarges the number of positive weak edges between sound and image which are sampled from other videos. By leveraging weakly connected audio-visual pairs which shares same text description, we take advantage of the fact that videos having the same labels share common visual feature information.

We propose to minimize Kullback–Leibler divergence [hinton2015distilling] between visual-text cosine similarity probability distribution and audio-visual cosine similarity probability distribution. Our weakly paired contrastive learning proceeds as follows. First, we sample additional visual data with text queries during the sound representation pre-training step. After that, our audio-visual similarity score aims to imitate the visual-text similarity score. Instead of estimating the identity matrix directly, the proposed method equalizes the audio-visual softmax-probability distribution and the visual-text softmax-probability distribution in minibatches. We find that our approach generates more robust images to fine-grained visual details, such as drastic color and hairstyle changes, than the previous method [lee2022sound].

While expanding the scope and scale of the audio-visual relationship, we adopt [lee2022sound]’s sound representation learning process to express the relationship between audio-text and audio-audio as shown in Fig 3 (a). The audio encoder is trained to produce a latent representation aligned with textual and visual semantics by leveraging the representation power of pre-trained CLIP models. We perform self-supervised learning between audio samples to represent the inherent properties of audio. Self-supervised approach provides different views even in the same class, enabling richer sound intensity-aware image manipulation.

After we pre-train the multi-modal joint embedding space, we use the direct latent code optimization to produce a semantically meaningful image in response to a user-provided sound as shown in Fig 3 (b). StyleGAN’s source latent vector moves in StyleGAN latent space through an iterative process that minimizes the distance between input audio and the generated image in CLIP space to generate an image that matches the meaning of the audio.

Our experimental results illustrate that the proposed method shows a robust image manipulation performance for the target attribute (see Fig. Robust Sound-Guided Image Manipulation). Furthermore, the sound-based approach supports more diverse and detailed image manipulation results related to audio intensity information than state-of-the-art text-based image manipulation methods. In addition, we demonstrate that our sound representation outperforms existing audio-visual joint representation [wu2021wav2clip, guzhov2021audioclip, lee2022sound] for image manipulation. We provide a wide range of image manipulation scenarios for real-world applications, such as music style transfer and sound-guided artistic painting manipulation. This manuscript extends the preliminary conference version of this work [lee2022sound]. In this present study, our main contributions are listed as follows:

  • We propose a novel method for robust sound-guided image manipulation. We obtain a more robust sound representation with audio-visual weakly paired contrastive learning. Furthermore, our approach reduces the fine-grained bias of sound-guided image manipulation results.

  • We demonstrate that our method is effective for sound-guided image manipulation solely based on given audio features, including temporal context, tone, and volume. In particular, the visual change of style is closely proportional to the audio intensity.

  • We conduct much more investigations and incorporate discussions, such as ablation studies of another sound representation for image manipulation and music style transfer, and we include discussions. We consider the method’s present limitations and potential future directions.

2 Related Work

2.1 Text-Guided Image Manipulation

Text-guided image manipulation approaches have been most commonly explored in the computer vision community. Several studies utilized a GAN-based encoder-decoder architecture to preserve the visual features in the manipulation process driven by descriptive text inputs [dong2017semantic, li2020manigan, nam2018tagan]. Recently, StyleCLIP [Patashnik_2021_ICCV] utilized the latent space of the pre-trained StyleGAN and a CLIP [radford2learning]-based text-image joint embedding space to synthesize visually more plausible images [Patashnik_2021_ICCV]. Further, TediGAN [xia2021tedigan] also explored using a GAN inversion technique based on multi-modal mapping. These approaches generate manipulated images by minimizing the CLIP distance between an input text and an image generated by a StyleGAN-based generator. Similarly, in this work, we also follow this strategy to optimize distances in the CLIP embedding space, but we extend the CLIP space into an image-text-sound joint embedding space, improving its representational power for the image manipulation task. We empirically observe that a sound can convey a more complex semantic context in a scene (e.g., temporal context, music genre, tone, and volume), producing a more visually plausible image manipulation.

Sound representation learning for image manipulation. We adopt different strategies for representation due to the characteristics of each modality.
First, we employ audio-visual weakly paired contrastive learning to obtain similarity scores between images and audio. Instead of performing direct contrastive learning between audio and image embedding, we learn that the audio-visual similarity matrix is equal to the text-visual similarity matrix.
Second, we use intensity-aware self-supervised learning to separate different scenes in the embedding space, even if the audio class is the same. Finally, in order to have a joint embedding space between audio and text, we perform contrastive learning between the audio and text embeddings.
Figure 4: Sound representation learning for image manipulation. We adopt different strategies for representation due to the characteristics of each modality. First, we employ audio-visual weakly paired contrastive learning to obtain similarity scores between images and audio. Instead of performing direct contrastive learning between audio and image embedding, we learn that the audio-visual similarity matrix is equal to the text-visual similarity matrix. Second, we use intensity-aware self-supervised learning to separate different scenes in the embedding space, even if the audio class is the same. Finally, in order to have a joint embedding space between audio and text, we perform contrastive learning between the audio and text embeddings.

2.2 Sound-Guided Image Manipulation

A few works have explored the use of sound inputs in the image manipulation task. However, to our best knowledge, most of these works focused on music instead of sound semantics. Lee et al. [lee2020crossing] explored a music-to-visual style transfer model with a cross-modal learning strategy. Jeong et al. [jeong2021tr] introduced a neural music visualizer that maps the latent representation of given music to visual embeddings of StyleGAN. Similarly, TrumerAI [jeong2021tr] used the latent transfer mapping of music-to-StyleGAN’s embedding to visually express a music input. However, they do not focus on sound semantics (but only on the reaction) in the navigational direction in the StyleGAN latent space, limiting the representational advantages of using sound. For example, Crossing you in Style [lee2020crossing] used the era of music to define the semantic relationship between sound and images, and thus it can only transfer to a limited number of image styles.

In our prior work [lee2022sound], we studied a novel image manipulation approach with sound input. We first demonstrated that a CLIP-based image-text-sound joint embedding space could be learned via a contrastive learning technique. We also reported that such a joint embedding space can be used to manipulate images driven by various sound inputs (environmental sound, music, etc.). However, this model often fails to retain semantic visual cues that the user-provided sound should not manipulate. This work addresses this issue using audio-visual weakly paired contrastive learning and intensity-aware self-supervised learning techniques.

2.3 Interpreting Latent Space in StyleGAN

The intermediate latent space in pre-trained StyleGAN [karras2019style] solves the disentanglement issue and allows the generated images to be manipulated meaningfully according to changes in the latent space. Extended latent space allows image manipulation with interpretable controls by a pre-trained GAN generator [abdal2019image2stylegan, karras2019style, karras2020analyzing]. For latent space analysis in audio sequences, Audio-reactive StyleGAN [brouwer2020audio] generates an image at every time step by calculating the magnitude of the audio signal and moving it in the latent space of StyleGAN.

However, the method cannot control the meaning of sound in the latent space. The magnitude of the sound only determines the movement of the latent vector in the StyleGAN latent space. We can manipulate images with the properties of sound using the pre-trained sound representation. Instead of randomly traversing in StyleGAN latent space, our model can give reasonable sound semantics guidance.

2.4 Audio-Visual Representation Learning

Audio-visual representation learning aims to obtain the generalized relationship between different modalities to utilize in several audio-visual downstream tasks, such as audio classification. Most audio-visual representation learning studies [DBLP:journals/corr/AytarVT17, nagrani2018learnable, suris2018cross] are designed to map distinct modalities into the same embedding space. The correlation between modalities is learned by audio-visual contrastive learning [chen2021distilling, mazumder2021avgzslnet, sun2020learning]. Contrastive learning allows the positive audio-visual pairs to have more similar representations than the representations of other negative pairs.

However, audio-visual representation learning is still challenging for image manipulation because there is as much positive pairs as CLIP [radford2learning] to learn the correlation between different modalities. CLIP learned the relationship between image and text embedding through the multi-modal self-supervised learning of 400 million image-text pairs and show a zero-shot inference performance comparable to supervised learning in most image-text benchmark datasets.

To overcome this problem, recent studies [wu2021wav2clip, guzhov2021audioclip, lee2022sound] align the sound embedding space with the CLIP embedding space. In order to predict the same CLIP image representations from the audio stream, Wav2CLIP [wu2021wav2clip] freezes the CLIP image encoder and trains the audio encoder on the audio streams from videos. AudioCLIP [guzhov2021audioclip] extends modality and scale by using a newly collected trimodal audio-visual-text dataset. Lee et al. [lee2022sound] trains an audio encoder from scratch with a audio-text dataset and audio-visual streams from video to obtain a CLIP-based sound latent representation.

In this work, we additionally sample images that are suitable for text queries, and we propose a novel method of weakly paired contrastive learning to form a link between two modalities in sound representation [lee2022sound]. Given triplets, we sample other images from text descriptions and learn audio-visual weak supervision. In this way, the bias of the audio-visual representation is reduced, which produces a much more realistic sound-guided image manipulation result.

3 Method

In this work, we present a novel method for sound-guided image manipulation. Our model consists of the following two main steps: (i) the CLIP-based multi-modal latent representation learning (Section 3.1) and (ii) the sound-guided image manipulation (Section 3.2). As we will explain in Section 3.1, we utilize the CLIP-based image-text joint embedding space and extend it to deal with an additional modality, i.e., sound. However, learning such a joint representation from scratch is generally challenging due to the lack of multi-modal datasets. Thus, we instead leverage the pre-trained CLIP model, which optimized a visual-textual joint representation by using contrastive learning. Then, we train our audio encoder to produce representations that align with other modalities. We achieve this by applying contrastive learning losses for audio-text and audio-audio pairs. Additionally, we improve the quality of joint representations by applying a novel weakly paired contrastive loss for audio-image pairs.

In Section 3.2, we explain the sound-guided image manipulation step. Given the multi-modal joint embedding space, we use a direct latent code optimization method to manipulate images guided by an audio input. For example, a facial expression of a portrait photo is manipulated according to sound inputs, e.g., giggling or sobbing, as shown in Fig. Robust Sound-Guided Image Manipulation. Note that our approach may be similar to existing text-guided image manipulation models, including StyleCLIP [Patashnik_2021_ICCV], but we focus on exploring a novel modality, i.e., sound.

3.1 Multi-Modal Latent Representation Learning

3.1.1 Extending CLIP Embedding Space with Sound

As shown in Fig. 4, we train a set of encoders with three different modalities {audio, text, and image} to produce the matched representations in the embedding space from a video dataset. Specifically, given audio, text, and image inputs from the same video, i.e. , , and , we use three different encoders to obtain a set of dimensional latent representations, i.e. , and , respectively.

To learn these joint latent representations, we use a typical contrastive learning approach that follows the work by Radford et al. [radford2learning]: the latent representations for a positive triplet pair are mapped close together in the embedding space while representations of negative pair samples are mapped farther away from each other. Specifically, we use InfoNCE loss [alayrac2020self] to map positive audio-text pairs and audio-visual pairs close together in the CLIP-based joint embedding space, and we map negative pairs farther away from each other. Formally, given a minibatch of audio-text representation pairs for , we first compute the component of the audio-text similarity matrix between the and latent representation as:

(1)

where represents vector dot product and is a temperature hyperparameter. We emphasize that and are normalized vectors, so that the magnitude of each vector is 1. This loss function is the log loss of an -way classifier that seeks to predict the -th diagonal component as the true representation pair in the similarity matrix .

(2)

As the loss function is asymmetric, we also define the following text-to-audio similarity matrix :

(3)

We maximize the diagonal component of the matrix by minimizing the InfoNCE loss as:

(4)

Concretely, we minimize the following loss function as a sum of the two losses and for all positive audio-text representation pairs in each minibatch of size :

(5)

At the same time, we also calculate the diagonal component of the audio-visual similarity matrix in the same way as in Eq. 4. We determine the following :

(6)

where and denote the negative log-likelihood of and in each minibatch of size .

Data Augmentations. We further apply a data augmentation strategy to improve the quality of representations and overcome the lack of large-scale audio-text multi-modal datasets. For the text inputs, we augment the text data by (i) replacing words with synonyms, (ii) applying a random permutation of words, and (iii) inserting random words. Note that, for (i), we find synonyms of the given word from WordNet [fellbaum2010wordnet] and insert the synonym at random into the given text input. For example, we augment the original texts “rowboat, canoe, kayak rowing” to produce the new text “row canoe, kayak quarrel rowboat.”


Intensity-aware self-supervised representation learning for audio inputs. Augmented audio of the same scene is considered a positive pair, and other samples of the different scenes are considered a negative pair (even if they are the same class).
Figure 5: Intensity-aware self-supervised representation learning for audio inputs. Augmented audio of the same scene is considered a positive pair, and other samples of the different scenes are considered a negative pair (even if they are the same class).

3.1.2 Self-Supervised Learning towards Intensity-Aware Sound Representation

Unlike text inputs, audio inputs can provide more diverse and find-grained semantic cues. For example, a ”thunderstorm” can be expressed in various ways: e.g., weak or severe thunderstorms, thunderstorms with heavy rain, winds, hail, or no precipitation. It may be challenging for texts to verbalize and differentiate these subtle differences, but it does not apply to sound. Thus, we apply self-supervised learning techniques between audio samples (e.g., weak vs. severe thunderstorms) to obtain an intensity-aware sound representation.

Existing self-supervised learning approaches depend on a contrastive loss that makes representations of the same-class different views close in the embedding space. In contrast, different-class views are pushed farther away. To this end, we regard the audio input of different augmented views as positive and different audio samples as negative. Note that we obtain a latent representation from an augmented audio input , which has been shown to be useful for improving the quality of the latent representation, as this is a common practice in self-supervised representation learning.

Formally, we define a similiarity matrix from embeddings obtained from audio and augmented audio. The component of the audio-audio similarity matrix is as follows:

(7)

The intensity-aware representation is obtained by minimizing the InfoNCE loss of . We apply this technique to improve the quality of audio representations by minimizing as follows:

(8)

where and are defined in a similar way, as in Eq. 2 and 4. This loss function is useful for learning subtle differences over sound inputs, as it must maximize the mutual information between two different views of the same inputs but to minimize the mutual information between two views of the different inputs. For example, as shown in Fig. 5, an audio sample forms a negative pair with for , which induces a diffusive effect in the embedding space. For audio inputs, we apply the SpecAugment [park19e_interspeech], which visually augments Mel-spectrogram acoustic features by warping the features and masking blocks of frequency channels.


A graphical example of weakly paired contrastive learning for audio-visual joint embedding space. We minimize KL divergence between (left) audio-visual cosine similarity distribution and (right) visual-text cosine similarity distribution instead of simply enforcing it into the identity matrix, reducing the negative effect of audio-visual representational biases(see examples in Fig. 
Figure 6: A graphical example of weakly paired contrastive learning for audio-visual joint embedding space. We minimize KL divergence between (left) audio-visual cosine similarity distribution and (right) visual-text cosine similarity distribution instead of simply enforcing it into the identity matrix, reducing the negative effect of audio-visual representational biases(see examples in Fig. 1).

3.1.3 Weakly Paired Contrastive Learning for Audio-Visual Joint Embedding Space

In addition, we propose weakly paired contrastive learning for audio-visual data to ensure that the representations of the input audio and different images with the same text labels are similar. The conventional contrastive loss only uses positive pairs which have audio and image from the same video. Therefore, audio and image from different videos are considered to be negative pairs although they may share visual features. Our new loss encourages these pairs to be closed to each other if they have the same text labels.

We first sample the new images , which have the same text labels with given audio . Then, we use the image encoder to obtain a new sampled image embedding . We apply the knowledge distillation technique [hinton2015distilling] to transfer the generalization ability of the CLIP to sound representation. The learning scheme allows the similarity matrix between audio-visual and visual-text to be equal in mini-batch (see Fig. 6).

The link knowledge between the audio and the new sampled image is transferred from CLIP to the diagonal component of a new audio-visual similarity matrix. After sampling a new triplet by sampling sound, text and new images of size in a mini-batch, we define the audio-visual similarity matrix from the and embeddings as:

(9)

where is a temperature hyperparameter to refine the softmax-probability distributions, as was done in [hinton2015distilling]. Specifically, we compute the pseudo cosine similarity matrix between the latent representations of text and those of images. The audio-visual link knowledge is transferred from the fixed CLIP to . Then, we match the two types of logits in the sound-image and text-image similarity matrix instead of using hard labels such as for positive pairs. We minimize the following Kullback-Leibler divergence [hinton2015distilling] for the -th diagonal component:

(10)

where KL denotes the Kullback-Leiber divergence. The KL can be rewritten as:

(11)

The KL divergence loss for batches is as follows:

(12)

To summarize, we minimize the following loss function :

(13)

3.2 Sound-Guided Image Manipulation

After learning the multi-modal joint embedding space by minimizing Eq. 13, we use a direct latent code optimization method, similar to StyleCLIP [Patashnik_2021_ICCV], to manipulate the given image. Our method optimizes for each image instance manipulated at the inference stage. Our model minimizes the distance between a given source latent code and an audio-driven latent code in the learned joint embedding space to produce sound-guided manipulated images. Moreover, we propose an Adaptive Layer Masking technique, which adaptively manipulates the latent code.

3.2.1 Direct Latent Code Optimization

Given user-provided audio input , we employ the direct latent code optimization for sound-guided image manipulation by solving the following optimization problem:

(14)

where a given source latent vector  (the intermediate latent space in StyleGAN), audio-driven latent code is optimized. denotes the number of style layers at different levels, and denotes the dimension. is regularization loss. and are the identity loss and StyleGAN-based generator, respectively. By minimizing the hinge loss , we find the sound-guided latent vector which generates an sound-guided image in the StyleGAN latent space. and are hyperparameters that control the strengths of the similarity loss term and the identity loss function . High values of and lead to maintenance of the content of the source image, whereas low values do not. The source latent code means the randomly generated latent code from or the latent code obtained from the existing input image through GAN inversion [richardson2021encoding, 10.1145/3450626.3459838].

With such an optimization scheme, the hinge loss is calculated as:

(15)

In the CLIP embedding space, the distance from the source latent vector is increased and closer to the audio-driven latent vector . We minimize cosine distance between the latent representation of the manipulated image and audio latent representation . and denote the pre-trained audio and visual encoders.

Comparison of manipulation results between our approach (red) and the existing text-driven manipulation approach, StyleCLIP 
Figure 7: Comparison of manipulation results between our approach (red) and the existing text-driven manipulation approach, StyleCLIP [Patashnik_2021_ICCV] (blue). Unlike the text-based approach, we can produce more varied manipulation results, depending on the intensity of the sound. These are the results of image manipulation with weak rain, heavy rain, raining with weak thunder, raining with strong thunder, fire crackling, gun sounds, and bomb sounds from the left column to the right. We also report audio and text-guided manipulation directions with t-SNE visualization [van2008visualizing] (red: audio, blue: text).

3.2.2 Adaptive Layer Masking

Generally, regularization effectively keeps the image generated from the moved latent code from being different from the original [Patashnik_2021_ICCV]. In the StyleGAN latent space, we maintain the image similarity by minimizing the - distance between and as follows:

(16)

However, StyleGAN’s latent code has different properties at each layer, so different weights should be applied to each layer if the user-provided attribute changes. We control style changes with adaptive layer masking. Layerwise masking keeps compact content information within style latent code as follows:

(17)

In StyleGAN2 [karras2020analyzing], the latent code is represented as , where is the number of layers and is the latent code’s dimension. We declare a parameter vector . is a trainable vector that masks adaptively the specific style layer. ranks which of the layers is regulated by the softmax function. In the latent optimization step, and are multiplied according to the number of layers. is iteratively updated, which adaptively manipulates the latent code.

3.2.3 Identity Loss

The similarity to the input image is also controlled by the identity loss function , which is defined as:

(18)

where is the pre-trained ArcFace [deng2019arcface] model for face recognition. Thus, this loss function minimizes the cosine distance between its arguments in the latent space of the ArcFace network. This allows for manipulating facial expressions without changing the personal identity. Note that we disable the identity loss by setting for all other non-human image manipulations.

4 Experiments

4.1 Implementation and Training Details

To learn the multi-modal joint embedding space, we use the pre-trained CLIP [radford2learning]-based image and text encoders, and we train a Swin transformer [liu2021swin]-based audio encoder, which outputs a latent vector of the length (i.e., 512) that is the same as the output of the image and text encoders. Note that we convert audio inputs into Mel-spectrogram acoustic features by following a common practice in various audio processing tasks. For the image manipulation step, we leverage the pre-trained StyleGAN2 [karras2020analyzing] generator. Note that we adjust the size of the latent code depending on the resolution of the output image, i.e., latent code for images of size and for . To implement such a generator, we utilize the official PyTorch implementation from StyleGAN2-ADA111https://github.com/NVlabs/stylegan2-ada-pytorch.

We train our model for 50 epochs using the Adam optimizer with the cosine cyclic learning rate scheduler [smith2017cyclical]. We set the learning rate to with the momentum of , and we set the weight decay to . The batch size is set to 384. For audio augmentation, we use SpecAugment [park19e_interspeech] with a frequency mask ratio of and a time masking ratio of . For direct latent code optimization, and in Eq. (14) are set to and for the FFHQ dataset; and and for the LSUN dataset.

Given the (a) input image, we compare the face image manipulation results between (b-c) text-driven image manipulation approaches (i.e. TediGAN 
Figure 8: Given the (a) input image, we compare the face image manipulation results between (b-c) text-driven image manipulation approaches (i.e. TediGAN [xia2021tedigan] and StyleCLIP [Patashnik_2021_ICCV]), (d) Lee et al. (previous sound-guided image manipulation approach) and (e) ours. The attributes for driving such manipulations include baby crying, coughing, giggling, screaming, sobbing and nose blowing.

4.2 Datasets

To learn a multi-modal embedding space, we use the audio-text pair from a publicly available video dataset called AudioSet [gemmeke2017audio], which contains 2,084,320 sound clips (in 10-second segments) extracted from YouTube videos and provides annotations of 632 audio classes. Because some of the associated URLs on YouTube were missing, we use 17,153 audio clips (out of 20,371 in the balanced subsets) and 1,617,939 clips (out of 2,041,789 in the unbalanced subsets) for training.

We also utilize VGG-Sound [chen2020vggsound], which similarly provides over 200k human-labeled video clips (in 10-second segments) and the 310 corresponding audio classes. We finally use 182,342 videos for training due to missing clips. Note that a pair of images from the middle frame of each video clip and its corresponding class label is used as an image-text input pair for training our model.

Further, we train our StyleGAN2-based generator with the following high-resolution image datasets: Flickr-Faces-HQ (FFHQ) [karras2019style], Large-Scale Scene Understanding (LSUN) Challenge [yu2015lsun] dataset, WikiArt [saleh2016large], or Landscapes High-Quality (LHQ) [Skorokhodov_2021_ICCV]. Flickr-Faces-HQ (FFHQ) [karras2019style] contains the 70,000 high-quality human face images with a resolution of , and the Large-scale Scene Understanding (LSUN) Challenge [yu2015lsun] contains church images with a resolution of and car images with a resolution of . WikiArt [saleh2016large] contains images of the paintings with a resolution of 1024  1024 drawn by 195 different artists. Lastly, the Landscapes High-Quality (LHQ) [Skorokhodov_2021_ICCV] contains nature landscape images of the resolution .

4.3 Qualitative Analysis

4.3.1 Comparison Against Text-Guided Manipulation

We first compare our sound-guided image manipulation results with existing text-guided manipulation approaches, including TediGAN [xia2021tedigan] and StyleCLIP [Patashnik_2021_ICCV]. We also compare our approach with the sound-guided image manipulation approach from our prior work [lee2022sound]. As can be observed in Fig. 8, image manipulation driven by sounds produces better manipulation quality (compare (b) and (c) vs. (d) and (e)). Furthermore, unlike text-guided methods, the audio-guided approach achieves natural image style transfer and is capable of representing multiple labels. For example, TediGAN emphasizes crying, whereas StyleCLIP focuses on the baby when the text “baby crying” is given. On the contrary, our proposed method can simultaneously handle “baby” and “crying”. Moreover, our proposed method produces more visually plausible manipulation results than does our prior work [lee2022sound], which often produced color shifts (e.g., skin tones).

4.3.2 Audio Intensity-Aware Image Manipulation

We demonstrate that each audio sample has its own context, which makes the guidance in StyleGAN latent space richer than the text-based image manipulation method (see Fig. 7). Specifically, our sound representations provide guidance that correlates with the audio intensity in the StyleGAN latent space. If the magnitude of Thunder is altered or if a specific attribute like Rain is added to the audio, the style variation for the image is better correlated to the audio intensity than text-guided image manipulation. Likewise, Fire crackling, Gunfire, and Bomb sounds contain similar audio characteristics where something explodes, but our image manipulation results show the changes from the audio intensity. In particular, we would like to emphasize that no such explicit representation, such as Weak thunder in the text descriptions, is used for pre-training the multi-modal embedding space.

We visualize the direction vector with t-SNE [van2008visualizing] (see Fig. 7). By subtracting the vectors of the latent code guided by each modality and the source latent code, we show the distribution of the direction of manipulation. We select the attributes in VGG-Sound [chen2020vggsound] and randomly manipulate the audio and text prompts. Although we randomly sample the audio and text having the similar semantics, the sound-guided latent code shows a more significant transition than the text-guided latent code.

Comparison of sound-guided manipulation results. Given fire crackling (top) and raining (bottom) audio inputs, we manipulate the input image with TräumerAI 
Figure 9: Comparison of sound-guided manipulation results. Given fire crackling (top) and raining (bottom) audio inputs, we manipulate the input image with TräumerAI [jeong2021tr], Crossing you in style [lee2020crossing], and our method.
Image manipulation according to sound embedding space. We manipulate the input image with Wav2CLIP 
Figure 10: Image manipulation according to sound embedding space. We manipulate the input image with Wav2CLIP [wu2021wav2clip], AudioCLIP [guzhov2021audioclip], Lee et al. [lee2022sound] and our method. The sound attributes for image manipulation include Bird songGun fireBombFire cracklingChainsawWeak ThunderStrong Thunder, and Wave sounds from left to right. Our model produces the most realistic sound-guided image manipulation results.

4.3.3 Comparison with Existing State-of-the-Art Sound-Based Style Transfer Models

We compare our sound-guided image manipulation model with existing sound-based style-transfer models, including TräumerAI [jeong2021tr] and Crossing you in Style [lee2020crossing]. Fig. 9 compares image manipulation results in response to given audio inputs, e.g., audio of fire crackling and raining. We observe that our model produces a better quality of manipulated images. Existing models fail to capture semantic cues from the given audio input (See 2nd and 3rd columns). In contrast, our model manipulates images to be consistent with the semantic cues from the input sound.

4.3.4 Comparison with Existing Multi-modal Embedders

Similar to our image-text-sound joint embedder, several works [wu2021wav2clip, guzhov2021audioclip, lee2022sound] have attempted to extend the CLIP model to jointly represent audio, text, and images. Here, we also compare those works with our learned embedding space to analyze their effectiveness for the image manipulation task. As shown in Fig. 10, we qualitatively compare image manipulation results based on different multi-modal joint embedding spaces learned by Wav2CLIP [wu2021wav2clip], AudioCLIP [guzhov2021audioclip], Lee et al. [lee2022sound], and our joint embedder. Given different sound inputs (e.g., bird song, bomb, weak thunder, etc.), our learned embedding space generally produces the best results compared with the other embedders (see 2nd, 3rd, and 4th rows vs. 5th row). This may confirm that our multi-modal joint embedding space is more effective for the image manipulation task than are existing approaches.

Ablation study of weakly paired contrastive learning for audio-visual joint embedding space. The leftmost is the input source, the middle is the manipulated result without KL divergence loss and the rightmost is the manipulation result after applying the KL divergence loss. In the middle, fine features such as hair loss change, whereas our method with KL divergence loss preserves the characteristics of the input source.
Figure 11: Ablation study of weakly paired contrastive learning for audio-visual joint embedding space. The leftmost is the input source, the middle is the manipulated result without KL divergence loss and the rightmost is the manipulation result after applying the KL divergence loss. In the middle, fine features such as hair loss change, whereas our method with KL divergence loss preserves the characteristics of the input source.

4.3.5 Effect of Audio-Visual Weakly Paired Contrastive Learning

Weakly paired audio-visual contrastive learning makes the manipulation results robust. As demonstrated in Fig. 11, we demonstrate that using weak supervision is helpful for reasonable sound-guided image manipulation. For example, manipulated images maintain the audio-irrelevant attributes like glasses, hair styles and beards. Moreover, it is more robust for manipulating target attributes. It shows the manipulation results that satisfy the keywords ”baby” and ”laughing” at the same time.

4.3.6 Effect of Adaptive Layer Masking

In StyleGAN [jeong2021tr], it is necessary to adaptively regularize the style layer, because each layer of latent code has different style attributes. Each layer of latent code multiplies the trainable parameter that controls the diversity during regularization. The ablation study shows a qualitative comparison of the mechanism for applying adaptive layer masking to the style layer, as illustrated in Fig. 12. The adaptive masking rectifies the direction by changing the latent code based on the semantic cue. When the gate function is applied, sound-guided image manipulation is semantically reasonable. For example, a thunderstorm is a mixture of thunder and rain sound. Although thunder and lightning are not seen in the second row, lightning and rain appear in the last row.

Model S Zero-shot Dataset
ESC-50 () Urban sound 8k ()
ResNet50 [hershey2017cnn] - 66.8 % 71.3 %
Lee et al. [lee2022sound] (LR) - - 72.2 % 66.8 %
Ours (LR) - - 89.5 % 72.4 %
Wav2clip [wu2021wav2clip] - 41.4 % 40.4 %
AudioCLIP [guzhov2021audioclip] - 69.4 % 68.8 %
Lee et al. [lee2022sound] - 57.8 % 45.7 %
Ours w/o - 63.6 % 53.2 %
Ours - 74.4 % 58.6 %
Table I: Comparison of the quality of audio representations between ours and alternatives. We report the classification accuracy (top-1 in %) of a linear classifier on the ESC-50 [piczak2015esc] and the Urban sound 8k [Salamon:UrbanSound:ACMMM:14] datasets as well as their zero-shot inference results. Abbr. S: supervised setting.

4.4 Quantitative Analysis

4.4.1 Zero-Shot Transfer

We compare our model to the supervised method and the existing zero-shot audio classification method (see Table I). First, we compare audio embeddings trained by the supervised methods such as logistic regression and ResNet50 [hershey2017cnn] supervised by random initialization of weights as a baseline model. Our audio encoder shows better classification performance than the baseline. Secondly, we compare the zero-shot audio classification accuracy with Wav2CLIP [wu2021wav2clip] and AudioCLIP [guzhov2021audioclip]. Our proposed loss function learns three modalities in the CLIP embedding space and obtains a richer audio representation through contrastive loss. However, Wav2CLIP only understands the relationship between the audio and the visual context. Furthermore, Wav2CLIP learns from an audio-visual having a dataset with a relatively small data scale to distillate the CLIP representation to the audio encoder (the VGG-Sound dataset: 200K). AudioCLIP uses a dataset scaled up from contrastive learning between modalities from the audio, image, and text given as a triplet to obtain a more powerful sound representation. The AudioCLIP’s audio encoder was pre-trained on a large-scale audio dataset, namely AudioSet [gemmeke2017audio], which consists of over 2M sound clips.

As a result, Table I also illustrates that the power of sound representation improves when the scale of positive audio-visual data is increased with weakly paired contrastive learning than Lee et al. [lee2022sound]’s work. Moreover, our learned embedding space is more suitable for the image manipulation task.

Ablation study of adaptive layer masking. The first row shows the input image, the second row shows the manipulation results without adaptive layer masking, and the third row shows the sound-guided image manipulation results after applying the adaptive layer masking.
Figure 12: Ablation study of adaptive layer masking. The first row shows the input image, the second row shows the manipulation results without adaptive layer masking, and the third row shows the sound-guided image manipulation results after applying the adaptive layer masking.
{adjustbox}

max width= Attribute Latent code Metric Giggling Sobbing Nose blowing Fire crackling Wind noise Underwater bubbling Explosion Thunderstorm Gun Raining Bird song Average (, ) Mean () 0.99315 0.99354 0.99201 0.97400 0.97333 0.97409 0.97230 0.97014 0.97645 0.97588 0.97613 0.97918 Std () 0.00154 0.00168 0.00267 0.00868 0.00881 0.00929 0.01042 0.00984 0.00755 0.00898 0.00837 0.00708 (, ) Mean () 0.99866 0.99849 0.99779 0.99260 0.99095 0.99416 0.99437 0.99136 0.99208 0.99332 0.99238 0.99420 Std () 0.00054 0.00034 0.00064 0.00301 0.00359 0.00246 0.00240 0.00369 0.00222 0.00259 0.00239 0.00217 (, ) Mean () 0.99554 0.99510 0.99448 0.97519 0.97280 0.97082 0.9687 0.96926 0.97716 0.97093 0.97488 0.97862 Std () 0.00158 0.00170 0.00213 0.00937 0.01026 0.01035 0.01160 0.01045 0.00813 0.01023 0.00912 0.00772

Table II: Cosine similarity comparison between text-guided latent code and sound-guided latent code . Note that is the latent code from StyleCLIP [Patashnik_2021_ICCV]’s text-driven latent optimization. indicates the source latent code.
Examples of sound-guided animal face image manipulation results.
Figure 13: Examples of sound-guided animal face image manipulation results.

4.4.2 Semantic Accuracy of Manipulation

We quantitatively analyze the effectiveness of our proposed audio-driven image manipulation approach. First, we measure performance on the semantic-level classification task. Given the audio embeddings from our pre-trained audio encoder, we train a linear classifier to recognize eight semantic labels, including giggling, sobbing, nose-blowing, fire crackling, wind noise, underwater bubbling, explosion, thunderstorm, gun, raining, and bird song. We use StyleGAN2 [karras2020analyzing] weights pre-trained from the FFHQ [karras2019style] dataset for the guiding with giggling, sobbing, and nose-blowing attributes to compare the semantic-level classification accuracy between text and audio. Also, for the guiding with fire crackling, wind noise, underwater bubbling, explosion, and thunderstorm attributes, the weights of StyleGAN2 pre-trained on the LSUN (church) [yu2015lsun] dataset are used. As shown in Fig. 16 (a), we generally outperform the existing text-driven manipulation approach with better semantically-rich latent representation.

4.4.3 Distribution of Manipulation Direction

We can see how much the latent code has changed by the cosine similarity between the source latent code and the manipulated latent code. We compare the cosine similarity between text-guided and sound-guided latent representations. We evaluate the mean and variance of the cosine similarity between , a source latent code, , an audio-driven latent code, and , a text-driven latent code. The latent representations generally exhibit a high-level characteristic of the content (see Table II.). In the latent space of StyleGAN2, the sound-guided latent code moves more from the source latent code than does the text-guided latent code, and the image generated from the sound-guided latent code is more diverse and dramatic than for the text-guided method.

4.5 Human Evaluations

We recruited fifty participants from Amazon Mechanical Turk (AMT) to evaluate the effectiveness of our proposed method from a human perspective. We generate a set of samples of manipulated images from 12 different sound sources: e.g., laughing, sobbing, nose-blowing, wind noise, underwater bubbling, explosion, and thunderstorms. Source images are sampled from FFHQ [karras2019style], LSUN [yu2015lsun], and LHQ [Skorokhodov_2021_ICCV] datasets. In our human study, participants need to complete the following two questionnaires: (i) Naturalness- Which image manipulation result better expresses the target attribute? and (ii) Perceptual Realism- How realistic are the images below? Note that we use the Likert scale ranging from 1 (low realistic) to 5 (high realistic) for perceptual realism, and we compare our manipulation results with StyleCLIP [Patashnik_2021_ICCV] and work by Lee et al. [lee2022sound]. As we summarized in Fig. 16 (b) and (c), our model clearly outperforms other state-of-the-art approaches (StyleCLIP and Lee et al.) in both human evaluations. A large portion of participants (%) judge our generated images to be better manipulated than the images of other approaches, and our method obtains a score of 4.333 on average in terms of perceptual realism. This may confirm our model generates more perceptually realistic images than the other models.

Manipulation results of interpolation between interpolation between text and sound-guided StyleGAN latent vectors. Even if the source latent vector is guided by a different modality, we can control the style changes linearly.
Figure 14: Manipulation results of interpolation between interpolation between text and sound-guided StyleGAN latent vectors. Even if the source latent vector is guided by a different modality, we can control the style changes linearly.
Overview of image style mixing jointly with the audio (
Figure 15: Overview of image style mixing jointly with the audio (people giggling) and text input (black woman).

4.6 Sound and Text-Guided Style Mixing

Creating new imaginary visual content by combining text and audio information is promising. Our method ensures that audio, text, and image share the same embedding space. We interpolated text and sound-guided latent code to demonstrate that multi-modal embedding lies in the same latent space (see Fig. 14). We obtain the interpolated latent style vector as follows:

(19)

denotes the interpolated latent vector which is the weighted sum of , the text-guided latent vector, and denotes the sound-guided latent vector. The results generated from the interpolated latent vector contains the continuous intermediate meaning of the two modalities.

We propose a multi-modal manipulation of audio and text based on the style mixing technique of StyleGAN. Different layers of latent code in StyleGAN represent different properties. We perform multi-modal style mixing by selecting a specific layer of latent code and a mixing style that includes audio and text. Selecting a particular layer of each latent code guided by audio and text manipulates the image using the properties of audio and text (see Fig. 15).

We find that the sound source can effectively manipulate aspects of facial emotion such as “giggling” on the face and text information controls the background color of the target image. For the style-mixing details, we follow TediGAN’s StyleGAN layerwise analysis [xia2021tedigan]. In the 18 512 latent code, the style-mixing technique selects the 1st to 9th layers of the sound-guided latent code and the 10th to 18th layers of the text-guided latent code to mix the dynamic characteristics of sound and the human properties of text.

5 Applications

5.1 Sound-Guided Animal Face Image Manipulation

Sound-guided Animal Face Image Manipulation We further apply our method to manipulate the images of animal faces. We pre-train the StyleGAN3 [karras2021alias] generator with the existing Animal FacesHQ (AFHQ) v2 [choi2020stargan] dataset, which contains over 15k images of multiple species (cat, dog, wildlife) and various breeds ( eight) per species. As shown in Fig. 13, our model successfully manipulates animal faces with guidance by a sound input (e.g., laughing, dog barking, and little cat meowing).

5.2 Sound-Guided Artistic Painting Manipulation

We further apply our approach for sound-guided artistic painting manipulation. We train our StyleGAN2 [karras2020analyzing]-based generator with a fine-art paintings dataset, called WikiArt [saleh2016large], which contains over 50k images of paintings from 195 different artists. We observe in Fig. 17 that our model successfully produces manipulated images for art paintings guided by audio inputs (e.g., laughing, crying, bomb, raining, or bird). For example, given a laughing sound as a semantic cue, a portrait painting of a woman is manipulated (see 1st column), but the existing approach by Lee et al. does not. Our human study (done in the same setting as our user study) also confirms that 61.2% of 50 participants judge that our results are better manipulated than those by Lee et al. (26.7%) and text-based approach (12.1%).

Quantitative evaluation and user study results. (a) Downstream task evaluation to compare the quality of representations between our approach and text-driven manipulation approaches on the FFHQ 
Figure 16: Quantitative evaluation and user study results. (a) Downstream task evaluation to compare the quality of representations between our approach and text-driven manipulation approaches on the FFHQ [karras2019style] dataset. A linear classifier is trained to predict 11 semantic labels, e.g. giggling. Participants answered a questionnaires on (b) Naturalness (“Which image manipulation result better expresses the target attribute?”) and (c) Perceptual Realism (“On the scale from 1 to 5, how realistic are the images below?”).

5.3 Music Style Transfer

The objective of music style transfer’s objective is that the source latent code is close to the keywords of the music, so the mood of the music appears in the image. For instance, Funny music manipulates the image with a fairy-tale style, whereas Latin music manipulates the image with red-colored theme that reflects the characteristic of passion. Lee et al. [lee2022sound] demonstrate that CLIP-based sound representation can potentially reflect the music’s mood into the image style. In this study, we outperform previous works on visual style transfer for music. We collect well-known 10-second segments of well-known music and compare the image manipulation results (The Lion King OST, The Toy Story OST, Despacito title song, game sound effects, Fortress game song) for evaluation. Fig. 18 illustrates the results of image style transfer using various music genres. Visual information collected from text descriptions related to music genres in the AudioSet results in robust image manipulation for the music the model encounters for the first time.

Examples of sound-guided artistic painting manipulation results.
Figure 17: Examples of sound-guided artistic painting manipulation results.

6 Discussion

6.1 Limitations

Our method performs sound-guided image manipulation for various domains and synthesizes realistic manipulation results. However, our model requires a trained StyleGAN latent space, which increases the learning cost in real applications and limits the domain of visual content. In order to manipulate images in the open domains, it is necessary to obtain a prior that directly generates the image from the latent representation of the sound, rather than providing guidance to the StyleGAN latent space as a CLIP-based sound embedding space. This will be studied as future work.

6.2 Societal Impacts

It can have consequences for misuse in creating fake news or propaganda. Moreover, the method of sound-guided image manipulation is based on CLIP’s knowledge and may reflect social prejudice. In the CLIP paper, the author says “CLIP is trained on text paired with images on the internet. These image-text pairs are unfiltered and uncurated and result in CLIP models learning many social biases.”. Therefore, there is a possibility that certain social biases may appear when people faces are manipulated with sounds related to a thief, prisoner, criminal, or suspicious people, such as guns and fighting sounds. Also, when a human face is manipulated with a sound such as a vacuum cleaner or a women speaking, manipulation results with social prejudice like housekeepers may be generated.

7 Conclusion

We propose a method to manipulate images based on the semantic-level understanding from the given audio input. We take the user-provided audio input into the latent space of StyleGAN2 [karras2020analyzing] and the CLIP [radford2learning] embedding space. In particular, the strategy of adding a semantic edge between audio-visual from text obtains a more robust sound representation for fine-features. Then, the latent code is aligned with the audio to enable meaningful image manipulation while reflecting the context from the audio. Our model produces responsive manipulations based on various audio inputs. We observe that an audio input can successfully provide a semantic cue to manipulate images accordingly. Our method of traversing multi-modal embedding space can be used in many applications with multi-modal contexts.

Examples of music style transfer using our method. Given 10 seconds of music, we manipulate the input image using Crossing you in style 
Figure 18: Examples of music style transfer using our method. Given 10 seconds of music, we manipulate the input image using Crossing you in style [lee2020crossing], Lee et al. [lee2022sound] and our method.

Acknowledgments

This research was fully supported by Culture, Sports and Tourism R&D Program through the Korea Creative Content Agency grant funded by the Ministry of Culture, Sports and Tourism in 2022 (Project Name: 4D Content Generation and Copyright Protection with Artificial Intelligence, Project Number: R2022020068).

References