The present disclosure generally relates to techniques for video communication and content streaming and, more particularly, to methods for creating compressed video streams.
Dynamic scenes, such as live sports events or concerts, are often captured using multi-camera setups to provide viewers with a range of different perspectives. Traditionally, this has been achieved using fixed camera positions, which limits the viewer's experience to a predefined set of views. Generating photorealistic views of dynamic scenes from additional views (beyond the fixed camera views) is a highly challenging topic that is relevant to applications such as, for example, virtual and augmented reality. Traditional mesh-based representations are often incapable of realistically representing dynamically changing environments containing objects of varying opacity, differing specular surfaces, and otherwise evolving scene environments. However, recent advances in computational imaging and computer vision have led to the development of new techniques for generating virtual views of dynamic scenes.
One such technique is the use of neural radiance fields (NeRFs), which allows for the generation of high-quality photorealistic images from novel viewpoints. NeRFs are based on a neural network that takes as input a 3D point in space and a camera viewing direction and outputs the radiance, or brightness, of that point. This allows for the generation of images from any viewpoint by computing the radiance at each pixel in the image. NeRF enables highly accurate reconstructions of complex scenes. Despite being of relatively compact size, the resulting NeRF models of scene allow for fine-grained resolution to be achieved during the scene rendering process.
Unfortunately, NeRFs are computationally expensive due to the large amount of data required to store radiance information for a high-resolution 3D space. For instance, storing radiance information at 1-millimeter resolution for a 10-meter room would require a massive amount of data given that there are 10 billion cubic millimeters in a 10-meter room. Additionally, and as noted above, NeRF systems must use a volume renderer to generate views, which involves tracing rays through the cubes for each pixel. Again considering the example of the 10-meter room, this would require approximately 82 billion calls to the neural net to achieve 4k image resolution.
In view of the substantial computational and memory resources required to implement NeRF, NeRF has not been used to reconstruct dynamic scenes. This is at least partly because the NeRF model would need to be trained on each frame representing the scene, which would require prodigious amounts of memory and computing resources even in the case of dynamic scenes of short duration. Additionally, changes in external illumination (lighting) could significantly alter the NeRF model, even if the structure of the scene does not change, requiring a large amount of computation and additional storage. As a consequence, NeRF and other novel view scene encoding algorithms have been limited to modeling static objects and environments.
In one aspect the disclosure relates to a computer-implemented method for complementing video compression using video diffusion. One phase of the method includes generating a set of weights for a diffusion model. The weight generating process includes reducing fidelity of training frames of training image data to create frames of reduced-fidelity training image data and encoding the frames of reduced-fidelity training image data to create frames of compressed reduced-fidelity training image data. The weight generating process further includes training a first artificial neural network using the frames of compressed reduced-fidelity training image data where values of the weights are adjusted during the training. The method includes sending the values of the weights to a computing device configured to use the values of the weights to establish a second artificial neural network configured to substantially replicate the first artificial neural network.
The disclosure also pertains to a computer-implemented method for improved video compression using video diffusion. The method includes receiving, at a computing device, values of a set of weights for a diffusion model. The weights were generated prior to being provided to the computing device by a process which includes reducing fidelity of training frames of training image data to create frames of reduced-fidelity training image data and encoding the frames of reduced-fidelity training image data to create frames of compressed reduced-fidelity training image data. The weight generating process further includes training a first artificial neural network using the frame of compressed reduced-fidelity training image data where values of the weights are adjusted during the training. The method further includes configuring a second artificial neural network present on the computing using the values of the set of weights.
In another aspect the disclosure relates to a method which includes receiving, at a computing device, values of a set of weights for a diffusion model. The weights were generated prior to being provided to the computing device by a process which includes reducing fidelity of training frames of training image data to create frames of reduced-fidelity training image data and encoding the frames of reduced-fidelity training image data to create frames of compressed reduced-fidelity training image data. The weight generating process further includes deriving a first set of data from the frames of training image data and training a first artificial neural network using the frames of compressed reduced-fidelity training image data in combination with the first set of data. The values of the set of weights are adjusted during the training. The first set of data includes less data than the frames of training image data. The method further includes configuring a second artificial neural network present on the computing using the values of the set of weights and receiving, at the computing device, a second set of data derived from frames of image data containing at least some scene information present in the training frames of training image data. The second set of data includes less data than the frames of image data. The second artificial neural network generates reconstructed frames of compressed image data. The reconstructed frames of compressed image data are then decoded to produce reconstructions of the frames of image data.
The disclosure is also directed to a computer-implemented method for complementing video compression using video diffusion. The method includes generating a set of weights for a diffusion model. The weight generation process includes reducing fidelity of training frames of training image data to create frames of reduced-fidelity training image data and encoding the frames of reduced-fidelity training image data to create frames of compressed reduced-fidelity training image data. The method further includes deriving a first set of data from the frames of training image data where the first set of data includes less data than the frames of training image data. A first artificial neural network is trained using the frames of compressed reduced-fidelity training image data in combination with the first set of data. The values of the set of weights are adjusted during the training. The method includes sending the values of the weights to a computing device configured to insert the values of the weights into one or more layers of a second artificial neural network. A second set of data is derived from frames of image data containing at least some scene information present within the frames of training image data where the second set of data includes less data than the frames of image data. The second set of data is sent to the computing device where the second artificial neural network is configured to use the second set of data to generate reconstructed frames of compressed image data useable by a decoder to produce reconstructions of the frames of image data.
In another aspect the disclosure relates to a computer-implemented method for generating image sequences. The method includes receiving, at a computing device, values of a set of fine-tuning weights for a pre-trained diffusion model. The fine-tuning weights are generated by a previously performed process which includes reducing fidelity of training frames of training image data to create frames of reduced-fidelity training image data and encoding the frames of reduced-fidelity training image data to create frames of compressed reduced-fidelity training image data. A first set of data is derived from the frames of training image data where the first set of data includes less data than the frames of training image data. The method includes training a first artificial neural network using the frames of compressed reduced-fidelity training image data in combination with the first set of data, the first artificial neural network having one or more layers with fixed weights implementing the pre-trained diffusion model and at least one trainable layer including the fine-tuning weights where the values of the fine-tuning weights are adjusted during the training. A specialized diffusion model is established at the computing device by inserting the values of the fine-tuning weights into an adaptable layer of a second artificial neural network having fixed-weight layers implementing the pre-trained diffusion model. A second set of data derived from frames of image data containing at least some scene information present in the training frames of training image data is received at the computing device, the second set of data being provided to the second artificial neural network. The second artificial neural network generates reconstructed frames of compressed image data and a decoder decodes the reconstructed frames of compressed image data to produce reconstructions of the frames of image data.
The disclosure is further directed to a computer-implemented method which includes generating a set of fine-tuning weights for a pre-trained diffusion model. The generating of the fine-tuning weights includes reducing fidelity of training frames of training image data to create frames of reduced-fidelity training image data and encoding the frames of reduced-fidelity training image data to create frames of compressed reduced-fidelity training image data. The method includes deriving a first set of data from the frames of training image data where the first set of data includes less data than the frames of training image data. A first artificial neural network is trained using the frames of compressed reduced-fidelity training image data in combination with the first set of data, the first artificial neural network having one or more layers with fixed weights implementing the pre-trained diffusion model and at least one trainable layer including the fine-tuning weights where the values of the fine-tuning weights are adjusted during the training. The values of fine-tuning weights are sent to a computing device configured to establish a specialized diffusion model by inserting the values of the fine-tuning weights into an adaptable layer of a second artificial neural network having fixed-weight layers implementing the pre-trained diffusion model. A second set of data is derived from frames of image data containing at least scene information present in the training frames of training image data where the second set of data includes less data than the frames of image data. The second set of data is sent to the computing device where the second artificial neural network is configured to use the second set of data to generate reconstructed frames of compressed image data useable by a decoder to produce reconstructions of the frames of image data.
The values of the set of fine-tuning weights may correspond to low-rank adaptation (LoRA) parameter values. We note that although LoRA often refers to a specific fine-tuning method, our diffusion method is compatible with other current and future Performance-Efficient Fine Tuning (PEFT) methods, including, but not limited to, Representational Fine Tuning (ReFT) and Low-Rank Representational Fine Tuning (LoReFT). When used in this document, LoRA refers to the more general class of PEFT and other adaptation methods in which the fine-tuning weights are smaller than the original model. The first set of data may correspond to compressed representations of the training frames of training image data or sparse representations of the training frames of training image data.
The disclosure further relates to a computer-implemented method which includes receiving training data including a sequence of structured data frames. Fidelity of the sequence of structured data frames is reduced to create a sequence of reduced-fidelity structured data frames, which are encoded to create a sequence of compressed reduced-fidelity structured data frames. The method includes training, during a first training period and using the sequence of compressed reduced-fidelity structured data frames, an artificial neural network configured to generate denoised compressed versions of the structured data frames through an iterative diffusion process. The artificial neural network is trained, during a second training period following the first training period, to perform a frame-to-frame diffusion process between ones of the structured data frames. The values of weights of the artificial neural network may be stored upon completion of the second training phase.
The invention is more fully appreciated in connection with the following detailed description taken in conjunction with the accompanying drawings, in which:
Like reference numerals refer to corresponding parts throughout the several views of the drawings.
In one aspect the disclosure relates to a conditional diffusion process capable of being applied in video communication and streaming of pre-existing media content. As an initial matter consider that the process of conditional diffusion may be characterized by Bayes' theorem:
p(x|y)=p(y|x)*p(x)/p(y)
One of the many challenges of practical use of Bayes' theorem is that it is intractable to compute p(y). One key to utilizing diffusion is to use score matching (log of the likelihood) to make p(y) go away in the loss function (the criteria used by the machine-learning (ML) model training algorithm to determine what a “good” model is). This yields:
E_p(x)log[p(x|y)]=E_p(x)log[p(y|x)p(x)/p(y)]=E_p(x)[log(p(y|x))+log(p(x)−log(p(y))]=E_p(x)[log(p(y|x))+log(p(x)]
Since p(x) remains unknown an unconditional diffusion model is used, along with a conditional diffusion model for p(y|x). One principal benefit of this approach is that it is learned how to invert a process (p(y|x)) but balance that progress with the prior (p(x)), which enables learning from experience and provides improved realism (or improved adherence to a desired style). The use of the high-quality diffusion models will allow low-bandwidth, sparse representations (y) to be improved.
In order to use this approach in video communication or a 3D-aware/holographic chat session, the relevant variables in this context may be characterized as follows:
How would this approach work in a holographic chat or 3D aware communication context? In the case of holographic chat, one key insight is that the facial expressions and head/body pose relative to the captured images can vary. This means that a receiver with access to q(y|x) can query a new pose by moving those rigid 3D coordinates (y) around in 3D space to simulate parallax. This has two primary benefits:
A holographic chat system would begin by training a diffusion model (either from scratch or as a customization as is done with LoRA) on a corpus of selected images (x), and face mesh coordinates (y) derived from the images, for the end user desiring to transmit their likeness. Those images may be in a particular style: e.g., in business attire, with combed hair, make-up, etc. After that model q(y|x) is transmitted, you can then then transmit per-frame face mesh coordinates, and then we simply use our head-tracking to query the view we need to provide parallax. The key is an unconditional noise process model q(y|x) is sent from a transmitter to a receiver once. After the unconditional noise process has been sent, the transmitter just sends per-frame face mesh coordinates (y).
Set forth below are various possible some extensions made possible by this approach:
This process may be utilized in a codec configured to, for example, compress a and transmit new or existing video content. In this case the transmitter would train q(x) on a whole video, a whole series of episodes, a particular director, or an entire catalog. Note that such training need not be on the entirety of the diffusion model but could involve training only select layers using, for example, a low-rank adapter such as LoRA. This model (or just the low-rand adapter) would be transmitted to the receiver. Subsequently, the low-rank/low-bandwidth information would be transmitted, and the conditional diffusion process would reconstruct the original image. In this case the diffusion model would learn the decoder, but the prior (q(x)) keeps it grounded and should reduce the uncanny valley effect.
In another aspect the disclosure proposes an approach for drastically reducing the overhead associated with diffusion-based compression techniques. The proposed approach involves using low-rank adaptation (LoRA) weights to customize diffusion models. Use of LoRA training results in several orders of magnitude less data being required to be pre-transmitted to a receiver at the initiation of a video communication or streaming session using diffusion-based compression. Using LoRA techniques a given diffusion model may be customized by modifying only a particular layer of the model while generally leaving the original weights of the model untouched. As but one example, the present inventors have been able to customize a Stable Diffusion XL model (10 GB) with a LoRA update (45 MB) to make a custom diffusion model of an animal (i.e., a pet dog) using a set of 9 images of the animal.
In a practical application a receiving device (e.g., a smartphone, tablet, laptop or other electronic device) configured for video communication or rendering streamed content would already have a standard diffusion model previously downloaded (e.g., some version of Stable Diffusion or the equivalent). At the transmitter, the same standard diffusion model would be trained using LoRA techniques on a set of images (e.g., on photos or video of a video communication participant or on the frames of pre-existing media content such as, for example, a movie or a show having multiple episodes). Once the conditionally trained diffusion model has been sent to the receiver by sending a file of the LoRA customizing weights, it would subsequently only be necessary to transmit LoRA differences used to perform conditional diffusion decoding. This approach avoids the cost of sending a custom diffusion model from the transmitter to the receiver to represent each video frame (as well as the cost of training such a diffusion model from scratch in connection with each video frame).
In some embodiments the above LoRA-based conditional diffusion approach could be enhanced using dedicated hardware. For example, one or both of the transmitter and receiver devices could store the larger diffusion model (e.g., which could be on the order of (10 GB)) on an updateable System on a Chip (SoC), thus permitting only the conditioning data metadata and LoRA updates in a much smaller file (e.g., 45 MB or less).
Some video streams may include scene/set changes that can benefit from further specialization of adaptation weights (e.g., LoRA). Various types of scene/set changes could benefit from such further specialization:
Referring to
Turning now to
As is also indicated in
A standard presentation of conditional diffusion includes the use of an unconditional model, combined with additional conditional guidance. For example, in one approach the guidance may be a dimensionality reduced set of measurements and the unconditional model is trained on a large population of medical images. See, e.g., Song, et al. “Solving Inverse Problems in Medical Imaging with Score-Based Generative Models”; arXiv preprint arXiv:2111.08005 [eess.IV](Jun. 16, 2022). With LoRA, we have the option of adding additional guidance to the unconditional model. Some examples
We may replace the unconditional model with a LoRA-adapted model using the classifier-free-guidance method (e.g., StableDiffusion). In this case, we would not provide a fully unconditional response, but we would instead at a minimum provide the general prompt (or equivalent text embedding). For example, when specializing with dreambooth, the customization prompt may be “a photo of a <placeholder> person”, where “<placeholder>” is a word not previously seen. When running inference we provide that same generic prompt as additional guidance. This additional guidance may optionally apply to multiple frames, whereas the other information (e.g., canny edges, face mesh landmarks) are applied per-frame.
We may also infer (or solve for) the text embedding (machine-interpretable code produced from the human-readable prompt) that best represents the image.
We may also provide a noise realization from either:
Finally, if we transmit noise, we may structure that noise to further compress the information, some options include:
More recent (and higher resolution) diffusion models (e.g., StableDiffusion XL) may use both a denoiser network and a refiner network. In accordance with the disclosure, the refiner network is adapted with LoRA weights, and those weights are potentially used to apply different stylization, while the adapted denoiser weights apply personalization. Various innovations associated with this process include:
When applying the diffusion methods herein to real-time video, one problem that arises is real time rendering given that a single frame would currently require at least several seconds if each frame is generated at the receive from noise. Modern denoising diffusion models typically slowly add noise to a target image with a well-defined distribution (e.g., Gaussian) to transform it from a structured image to noise in the forward process, allowing a ML model to learn the information needed to reconstruct the image from noise in the reverse process. When applied to video this would require beginning each frame from a noise realization and proceeding with several (sometimes 1000+) diffusion steps. This is computationally expensive, and that complexity grows with frame rate.
One approach in accordance with the disclosure recognizes that the previous frame may be seen as a noisy version of the subsequent frame and thus we would rather learn a diffusion process from the previous frame to the next frame. This approach also recognizes that as the frame rate increases, the change between frames decreases, and thus the diffusion steps required in between frames would reduce, and thus counterbalances the computational burden introduced by additional frames.
The most simplistic version of this method is to initialize the diffusion process of the next frame with the previous frame. The denoiser (which may be specialized for the data being provided) simply removes the error between frames. Note that the previous frame may itself be derived from its predecessor frame, or it may be initialized from noise (a diffusion analog to a keyframe)
A better approach is to teach the denoiser to directly move between frames, not simply from noise. The challenge is that instead of moving from a structured image to an unstructured image using noise that is well modeled (statistically) each step, we must diffuse from one form of structure to the next. In standard diffusion the reverse process is only possible because the forward process is well defined. This approach uses two standard diffusion models to train a ML frame-to-frame diffusion process. The key idea is to run the previous frame (which has already been decoded/rendered) in the forward process but with a progressively decreasing noise power and the subsequent frame in the reverse process with a progressively increasing noise power. Using those original diffusion models, we are able to provide small steps between frames, which can be learned with a ML model (such as the typical UNet architecture). Furthermore, if we train this secondary process with score-based diffusion (employing differential equations), we may also interpolate in continuous time between frames.
Once trained, the number of diffusion steps between frames may vary. The number of diffusion steps could vary based on the raw framerate, or it could dynamically change based on changes in the image. In both the total number of iterations should typically approach some upper bound, meaning the computation will be bounded and predictable when designing hardware. That is, with this approach it may be expected that as the input framerate increases, the difference between frames would decrease, thus requiring fewer diffusion iterations. Although the number of diffusion calls would grow with framerate, the number of diffusion iterations may reduce with framerate, leading to some type of constant computation or lower bound behavior. This may provide “bullet time” output for essentially no additional computational cost.
Additionally, the structured frame may itself be a latent representation. This includes the variational autoencoders used for latent diffusion approaches, variational autoencoders which jointly encode sequences of frames for video latent diffusion approaches, or it may be the internal representation of a standard codec (e.g., H.264).
As this method no longer requires the full forward denoising diffusion process, we may also use this method to convert from a low-fidelity frame to a high-fidelity reconstruction (see complementary diffusion compression discussion below). A frame that is intentionally low-fidelity (e.g., low-pass filtered) will have corruption noise that is non-gaussian (e.g., spatially correlated), and thus this method is better tuned to the particular noise introduced.
Although not necessary to implement the disclosed technique for real-time video diffusion, we have recognized that the previous frame may be viewed as a noisy version of the subsequent frame. As a consequence, the denoising U-Nets may be used to train an additional UNet which does not use Gaussian noise as a starting point. Similar opportunities exist for volumetric video. Specifically, even in the absence of scene motion, small changes occur in connection with tracked head motion of the viewer. In this sense the previous viewing angle may be seen as a noisy version of subsequent viewing angles, and thus a similar structure-to-structure UNet may be trained.
In order to improve the speed of this process, we may use sensor information to pre-distort the prior frame, e.g., via a low-cost affine Homomorphic transformation, which should provide an even closer (i.e., lower noise) version of the subsequent frame. We may also account for scene motion by using feature tracking and combining with a more complex warping function (e.g., a thin-plate spline warping).
Finally, this technique need not be applied exclusively to holographic video. In the absence of viewer motion (i.e., holographic user head position changes), the scene may still be pre-distorted based on the same feature tracking described above.
Various innovations associated with this process include:
In the previous section, the use of splines was mentioned as a way of adjusting the previous frame to be a better initializer of the subsequent frame. The goal of that processing was higher fidelity and faster inference time. However, the warping of input imagery may also serve an additional purpose. This is particularly useful when an outer autoencoder is used (as is done with Stable Diffusion), as that can struggle to faithfully reproduce hands and faces when they do not occupy enough of the frame. Using a warping function, we may devote more pixels to important areas (e.g., hands and face) at the expense of less-important features. Note we are not proposing masking cropping and merging, but a more natural method that does not require an additional run
Furthermore, there are additional benefits beyond just faithful human feature reconstruction. We may simply devote more latent pixels to areas of the screen in focus at the expense of those not in focus. This would not require human classification. Note that “in-focus” areas may be determined by a Jacobian calculation (as is done with ILC cameras). While this may improve the fidelity of the parts the photographer/videographer “cares” about, this may also allow a smaller size image to be denoised with the same quality, thus improving storage size and training/inference time. It is likely that use of LoRA customization on a distorted frame (distorted prior to VAE encoder) will produce better results.
Various innovations associated with this process include:
As shown, the DNVS sending device 110 includes a diffusion model 124 that is conditionally trained during a training phase. In one embodiment the diffusion model 124 is conditionally trained using image frames 115 captured prior to or during the training phase and conditioning data 117 derived from the training image frames by a conditioning data extraction module 116. The conditioning data extraction module 116 may be implemented using a solution such as, for example, MediaPipe Face Mesh, configured to generate 3D face landmarks from the image frames. However, in other embodiment the conditioning data 117 may include other data derived from the training image frames 115 such as, for example, compressed versions of the image frames, or canny edges derived from the image frames 115.
The diffusion model 124 may include an encoder 130, a decoder 131, a noising structure 134, and a denoising network 136. The encoder 130 may be a latent encoder and the decoder 131 may be a latent decoder 131. During training the noising structure 134 adds noise to the training image frames in a controlled manner based upon a predefined noise schedule. The denoising network 134, which may be implemented using a U-Net architecture, is primarily used to perform a “denoising” process during the training process pursuant to which noisy images corresponding to each step of the diffusion process are progressively refined to generate high-quality reconstructions of the training images 115.
Reference is now made to
After 1st stage training of the encoder 130 and decoder 131, the combined diffusion model 124 (encoder 130, decoder 131, and diffusion stages 134, 136) may then be trained during a 2nd stage using the image frames 115 acquired for training. During this training phase the model 124 is guided 210 to generate reconstructed images 115′ through the diffusion process that resemble the image frames 115. Depending on the specific implementation of the diffusion model 124, the conditioning data 117 derived from the image frames 115 during training can be applied at various stages of the diffusion process to guide the generation of reconstructed images. For example, the conditioning data 117 could be applied only to the noising structure 134, only to the denoising network 136, or to both the noising structure 134 and the denoising network 136.
In some embodiments the diffusion model 124 may have been previously trained using image other than the training image frames 115. In such cases it may be sufficient to perform only the 1st stage training pursuant to which the encoder 130 and decoder 131 are trained to learn the latent space associated with the training image frames. That is, it may be unnecessary to perform the 2nd stage training involving the entire diffusion model 124 (i.e., the encoder 130, decoder 131, noising structure 134, denoising network 136).
Referring again to
Once the diffusion model 124 has been trained and its counterpart trained model 156 established on the DNVS receiving device 120, generated images 158 corresponding to reconstructed versions of new image frames acquired by the camera 114 of the DNVS sending device 120 may be generated by the DNVS receiving device 120 as follows. Upon a new image frame 115 becoming captured by the camera 114, the conditioning data extraction module 116 extracts conditioning data 144 from the new image frame 115 and transmits the conditioning data 144 to the DNVS receiving device. The conditioning data 144 is provided to the trained diffusion model 156, which produces a generated image 158 corresponding to the new image 115 captured by the camera 114. The generated image 158 may then be displayed by a conventional 2D display or a volumetric display. It may be appreciated that because the new image 115 of a subject captured by the camera 114 will generally differ from training images 115 of the subject previously captured by the camera 114, the generated images 158 will generally correspond to “novel views” of the subject in that the trained diffusion model 156 will generally have been trained on the basis of training images 115 of the subject different from such novel views.
The operation of the system 100 may be further appreciated in light of the preceding discussion of the underpinnings of conditional diffusion for video communication and streaming in accordance with the disclosure. In the context of the preceding discussion, the parameter x corresponds to training image frame(s) 115 of a specific face in a lot of different expressions and a lot of different poses. This yields the unconditional diffusion model q(x) that approximates p(x). The parameter y corresponds to the 3D face mesh coordinates produced by the conditioning data extraction module 116 (e.g., MediaPipe, optionally to include body pose coordinates and even eye gaze coordinates), in the most basic form but may also include additional dimensions (e.g., RGB values at those coordinates). During training the conditioning data extraction module 116 produces y from x and thus we can train the conditional diffusion model q(y|x) that estimates p(y|x) using diffusion. Thus, we have everything we need to optimize the estimate of p(x|y) for use following training; that is, to optimize a desired fit or correspondence between conditioning data 144 (y) and a generated image 158 (x).
It may be appreciated that the conditioning data 144 (y) corresponding to an image frame 115 will typically be of substantially smaller size than the image frame 115. Accordingly, the receiving device 120 need not receive new image frames 115 to produce generated images 158 corresponding to such frames but need only receive the conditioning data 120 derived from the new frames 115. Because such conditioning data 144 is so much smaller in size than the captured image frames 115, the DNVS receiving device can reconstruct the image frames 115 as generated images 158 while receiving only a fraction of the data included within each new image frame produced by the camera 114. This is believed to represent an entirely new way of enabling reconstruction of versions of a sequence of image frames (e.g., video) comprised of relatively large amounts of image data from much smaller amounts of conditioning data received over a communication channel.
Attention is now directed to
As shown, the DNVS sending device 110 includes a diffusion model 424 consisting of a pre-trained diffusion model 428 and trainable layer 430 of the pre-trained diffusion model 428. In one embodiment the pre-trained diffusion model 428 may be a widely available diffusion model (e.g., Stable Diffusion or the like) that is pre-trained without the benefit of captured image frames 415. During a training phase the diffusion model 424 is conditionally trained through a low-rank adaptation (LoRA) process 434 pursuant to which weights within the trainable layer 430 are adjusted while weights of the pre-trained diffusion model 428 are held fixed. The trainable layer 430 may, for example, comprise a cross-attention layer associated with the pre-trained diffusion model 428, where the cross-attention layer may be a spatial attention layer operating on a single image frame, a spatial attention layer which includes volumetric representations, a multi-frame spatio-temporal attention operating over time, or a multi-frame volumetric spatio-attention layer operating over volumetric space and time. That is, the weights in such cross-attention layer may be adjusted during the training process, while the remaining weights throughout the remainder of the pre-trained diffusion model 428 are held constant.
The diffusion model 424 is conditionally trained using image frames 415 captured prior to or during the training phase and conditioning data 417 derived from the training image frames by a conditioning data extraction module 416. Again, the conditioning data extraction module 416 may be implemented using a solution such as, for example. MediaPipe Face Mesh, configured to generate 3D face landmarks from the image frames. However, in other embodiment the conditioning data 417 may include other data derived from the training image frames 415 such as, for example, compressed versions of the image frames, or canny edges derived from the image frames 115.
When training the diffusion model 424 with the training image frames 415 and the conditioning data 417 only model weights 438 within the trainable layer 430 of the diffusion model 424 are adjusted. That is, rather than adjusting weights through the model 424 in the manner described with reference to
Once the diffusion model 424 has been trained and its counterpart trained model 424′ established on the DNVS receiving device 420, generated images 458 corresponding to reconstructed versions of new image frames acquired by the camera 414 of the DNVS sending device 410 may be generated by the DNVS receiving device 420 as follows. Upon a new image frame 415 becoming captured by the camera 414, the conditioning data extraction module 416 extracts conditioning data 444 from the new image frame 415 and transmits the conditioning data 444 to the DNVS receiving device. The conditioning data 444 is provided to the trained diffusion model 424′, which produces a generated image 458 corresponding to the new image 415 captured by the camera 414. The generated image 458 may then be displayed by a conventional 2D display or a volumetric display 462. It may be appreciated that because the new image 415 of a subject captured by the camera 414 will generally differ from training images 415 of the subject previously captured by the camera 414, the generated images 458 will generally correspond to “novel views” of the subject in that the trained diffusion model 424′ will generally have been trained based on training images 415 of the subject different from such novel views.
Moreover, although the trained diffusion model 424′ may be configured to render generated images 458 which are essentially indistinguishable to a human observer from the image frames 415, the pre-trained diffusion model 428 may also have been previously trained to introduce desired effects or stylization into the generated images 458. For example, the trained diffusion model 424′ (by virtue of certain pre-training of the pre-trained diffusion model 428) may be prompted to adjusting the scene lighting (e.g., lighten or darken) within the generated images 458 relative to the image frames 415 corresponding to such images 458. As another example, when the image frames 415 include human faces and the pre-trained diffusion model 428 has been previously trained to be capable of modifying human faces, the diffusion model 424′ may be prompted to change the appearance of human faces with within the generated images 458 (e.g., change skin tone, remove wrinkles or blemishes or otherwise enhance cosmetic appearance) relative to their appearance within the image frames 415. Accordingly, while in some embodiments the diffusion model 424′ may be configured such that the generated images 458 faithfully reproduce the image content within the image frames 415, in other embodiments the generated images 458 may introduce various desired image effects or enhancements.
The diffusion model 624 may include an encoder 630, a decoder 631, a noising structure 634, and a denoising network 636. The encoder 630 may be a latent encoder and the decoder 631 may be a latent decoder 631. The diffusion model 624 may be trained in substantially the same manner as was described above with reference to training of the diffusion model 124 (
Referring again to
Once the diffusion model 624 has been trained and its counterpart trained model 656 established on the streaming subscriber device 620, generated images 658 corresponding to reconstructed versions of digitized frames of media content may be generated by the streaming subscriber device 620 as follows. For each digitized media content frame 615, the conditioning data extraction module 616 extracts conditioning data 644 from the media content frame 615 and transmits the conditioning data 644 to the streaming subscriber device 620. The conditioning data 644 is provided to the trained diffusion model 656, which produces a generated image 658 corresponding to the media content frame 615. The generated image 658 may then be displayed by a conventional 2D display or a volumetric display. It may be appreciated that because the amount of conditioning data 644 generated for each content frame 615 is substantially less than the amount of image data within each content frame 615, a high degree of compression in obtained by rendering images 658 corresponding to reconstructed versions of the content frames 615 in this manner.
As shown, the diffusion model 724 includes a pre-trained diffusion model 728 and trainable layer 730 of the pre-trained diffusion model 728. In one embodiment the pre-trained diffusion model 728 may be a widely available diffusion model (e.g., Stable Diffusion or the like) that is pre-trained without the benefit of the digitized frames of media content 715. During a training phase the diffusion model 724 is conditionally trained through a low-rank adaptation (LoRA) process 734 pursuant to which weights within the trainable layer 730 are adjusted while weights of the pre-trained diffusion model 728 are held fixed. The trainable layer 730 may, for example, comprise a cross-attention layer associated with the pre-trained diffusion model 728, where the cross-attention layer may be a spatial attention layer operating on a single image frame, a spatial attention layer which includes volumetric representations, a multi-frame spatio-temporal attention layer operating over time, or a multi-frame volumetric spatio-attention layer operating over volumetric space and time. That is, the weights in such cross-attention layer may be adjusted during the training process, while the remaining weights throughout the remainder of the pre-trained diffusion model 728 are held constant. The diffusion model 724 may be trained in substantially the same manner as was described above with reference to training of the diffusion model 424 (
Because during training of the diffusion model 724 only the model weights 738 within the trainable layer 730 of the diffusion model 724 are adjusted, a relatively small amount of data is required to be conveyed from the streaming facility 710 to the subscriber device 720 to establish a diffusion model 724′ on the subscriber device 720 corresponding to the diffusion model 724. Specifically, only the weights 738 associated with the trainable layer 730, and not the known weights of the pre-trained diffusion model 728, need be communicated to the receiver 720 at the conclusion of the training process.
Once the diffusion model 724 has been trained and its counterpart trained model 724′ have been established on the streaming subscriber device 720, generated images 758 corresponding to reconstructed versions of digitized frames of media content may be generated by the streaming subscriber device 720 as follows. For each digitized media content frame 715, the conditioning data extraction module 716 extracts conditioning data 744 from the media content frame 715 and transmits the conditioning data 744 to the streaming subscriber device 720. The conditioning data 744 is provided to the trained diffusion model 724′, which produces a generated image 758 corresponding to the media content frame 715. The generated image 758 may then be displayed by a conventional 2D display or a volumetric display 762. It may be appreciated that because the amount of conditioning data 744 generated for each content frame 715 is substantially less than the amount of image data within each content frame 715, the conditioning data 744 may be viewed as a highly compressed version of the digitized frames of media content 715.
Moreover, although the trained diffusion model 724′ may be configured to render generated images 758 which are essentially indistinguishable to a human observer from the media content frames 715, the pre-trained diffusion model 728 may also have been previously trained to introduce desired effects or stylization into the generated images 758. For example, the trained diffusion model 724′ may (by virtue of certain pre-training of the pre-trained diffusion model 728) be prompted to adjusting the scene lighting (e.g., lighten or darken) within the generated images 758 relative to the media content frames 715 corresponding to such images. As another example, when the media content frames 715 include human faces and the pre-trained diffusion model 728 has been previously trained to be capable of modifying human faces, the diffusion model 724′ may be prompted to change the appearance of human faces with within the generated images 758 (e.g., change skin tone, remove wrinkles or blemishes or otherwise enhance cosmetic appearance) relative to their appearance within the media content frames 715. Accordingly, while in some embodiments the diffusion model 724′ may be configured such that the generated images 758 faithfully reproduce the image content within the media content frames 715, in other embodiments the generated images 758 may introduce various desired image effects or enhancements.
Attention is now directed to
The memory 840 is also configured to store captured images 844 of a scene which may comprise, for example, video data or a sequence of image frames captured by the one or more cameras 828. A conditioning data extraction module 845 configured to extract or otherwise derive conditioning data 862 from the captured images 844 is also stored. The memory 840 may also contain information defining one or more pre-trained diffusion models 848, as well as diffusion model customization information for customizing the pre-trained diffusion models based upon model training of the type described herein. The memory 840 may also store generated imagery 852 created during operation of the device as a DNVS receiving device. As shown, the memory 840 may also store various prior information 864.
Attention is now directed to
In some embodiments the compressed frames 1120 may be transmitted from, for example, a sending device or streaming facility to a receiving device or subscriber device. Within such receiving or subscriber device the compressed frames 1120 may be provided to a denoiser. Such a denoiser will have been previously trained in accordance with the video diffusion methodology described above with reference to
It may be appreciated that the approach of
This lower fidelity conversion implemented by the fidelity reduction operation 1112 may be low loss (e.g., a variational autoencoder), or it may be higher loss (e.g., low-pass filtering). It may also occur pre-conventional encoding or on the post-conventional encoder compressed output. Note that a simple spatial low-pass filter algorithm increases the spatial redundancy, and thus increases the compression ability of the conventional encoder 1104. This redundancy may optionally be introduced in time, e.g., temporal filtering.
As the errors introduced by fidelity reduction are unlikely to be very Gaussian in nature (a common model used for diffusion model denoisers), we may tune the denoiser to the particular corruption introduced using the video diffusion methodology described above with reference to
Note that the embodiment of
This approach of
Where methods described above indicate certain events occurring in certain order, the ordering of certain events may be modified. Additionally, certain of the events may be performed concurrently in a parallel process when possible, as well as performed sequentially as described above. Accordingly, the specification is intended to embrace all such modifications and variations of the disclosed embodiments that fall within the spirit and scope of the appended claims.
The foregoing description, for purposes of explanation, used specific nomenclature to provide a thorough understanding of the claimed systems and methods. However, it will be apparent to one skilled in the art that specific details are not required in order to practice the systems and methods described herein. Thus, the foregoing descriptions of specific embodiments of the described systems and methods are presented for purposes of illustration and description. They are not intended to be exhaustive or to limit the claims to the precise forms disclosed; obviously, many modifications and variations are possible in view of the above teachings. The embodiments were chosen and described in order to best explain the principles of the described systems and methods and their practical applications, they thereby enable others skilled in the art to best utilize the described systems and methods and various embodiments with various modifications as are suited to the particular use contemplated. It is intended that the following claims and their equivalents define the scope of the systems and methods described herein.
Also, various inventive concepts may be embodied as one or more methods, of which an example has been provided. The acts performed as part of the method may be ordered in any suitable way. Accordingly, embodiments may be constructed in which acts are performed in an order different than illustrated, which may include performing some acts simultaneously, even though shown as sequential acts in illustrative embodiments.
All definitions, as defined and used herein, should be understood to control over dictionary definitions, definitions in documents incorporated by reference, and/or ordinary meanings of the defined terms.
The indefinite articles “a” and “an,” as used herein in the specification and in the claims, unless clearly indicated to the contrary, should be understood to mean “at least one.”
The phrase “and/or,” as used herein in the specification and in the claims, should be understood to mean “either or both” of the elements so conjoined, i.e., elements that are conjunctively present in some cases and disjunctively present in other cases. Multiple elements listed with “and/or” should be construed in the same fashion, i.e., “one or more” of the elements so conjoined. Other elements may optionally be present other than the elements specifically identified by the “and/or” clause, whether related or unrelated to those elements specifically identified. Thus, as a non-limiting example, a reference to “A and/or B”, when used in conjunction with open-ended language such as “comprising” can refer, in one embodiment, to A only (optionally including elements other than B); in another embodiment, to B only (optionally including elements other than A); in yet another embodiment, to both A and B (optionally including other elements); etc.
As used herein in the specification and in the claims, “or” should be understood to have the same meaning as “and/or” as defined above. For example, when separating items in a list, “or” or “and/or” shall be interpreted as being inclusive, i.e., the inclusion of at least one, but also including more than one, of a number or list of elements, and, optionally, additional unlisted items. Only terms clearly indicated to the contrary, such as “only one of” or “exactly one of,” or, when used in the claims, “consisting of,” will refer to the inclusion of exactly one element of a number or list of elements. In general, the term “or” as used herein shall only be interpreted as indicating exclusive alternatives (i.e. “one or the other but not both”) when preceded by terms of exclusivity, such as “either,” “one of,” “only one of,” or “exactly one of.” “Consisting essentially of,” when used in the claims, shall have its ordinary meaning as used in the field of patent law.
As used herein in the specification and in the claims, the phrase “at least one.” in reference to a list of one or more elements, should be understood to mean at least one element selected from any one or more of the elements in the list of elements, but not necessarily including at least one of each and every element specifically listed within the list of elements and not excluding any combinations of elements in the list of elements. This definition also allows that elements may optionally be present other than the elements specifically identified within the list of elements to which the phrase “at least one” refers, whether related or unrelated to those elements specifically identified. Thus, as a non-limiting example, “at least one of A and B” (or, equivalently, “at least one of A or B,” or, equivalently “at least one of A and/or B”) can refer, in one embodiment, to at least one, optionally including more than one, A, with no B present (and optionally including elements other than B); in another embodiment, to at least one, optionally including more than one. B, with no A present (and optionally including elements other than A); in yet another embodiment, to at least one, optionally including more than one, A, and at least one, optionally including more than one. B (and optionally including other elements); etc.
In the claims, as well as in the specification above, all transitional phrases such as “comprising,” “including.” “carrying,” “having,” “containing,” “involving,” “holding,” “composed of,” and the like are to be understood to be open-ended, i.e., to mean including but not limited to. Only the transitional phrases “consisting of” and “consisting essentially of” shall be closed or semi-closed transitional phrases, respectively, as set forth in the United States Patent Office Manual of Patent Examining Procedures, Section 2111.03.
This application claims priority to U.S. Provisional Patent Application 63/584,123, filed Sep. 20, 2023, the contents of which are incorporated herein by reference.
Number | Date | Country | |
---|---|---|---|
63584123 | Sep 2023 | US |