PDWN: Pyramid Deformable Warping Network for Video Interpolation
Abstract
Video interpolation aims to generate a non-existent intermediate frame given the past and future frames. Many state-of-the-art methods achieve promising results by estimating the optical flow between the known frames and then generating the backward flows between the middle frame and the known frames. However, these methods usually suffer from the inaccuracy of estimated optical flows and require additional models or information to compensate for flow estimation errors. Following the recent development in using deformable convolution (DConv) for video interpolation, we propose a light but effective model, called Pyramid Deformable Warping Network (PDWN). PDWN uses a pyramid structure to generate DConv offsets of the unknown middle frame with respect to the known frames through coarse-to-fine successive refinements. Cost volumes between warped features are calculated at every pyramid level to help the offset inference. At the finest scale, the two warped frames are adaptively blended to generate the middle frame. Lastly, a context enhancement network further enhances the contextual detail of the final output. Ablation studies demonstrate the effectiveness of the coarse-to-fine offset refinement, cost volumes, and DConv. Our method achieves better or on-par accuracy compared to state-of-the-art models on multiple datasets while the number of model parameters and the inference time are substantially less than previous models. Moreover, we present an extension of the proposed framework to use four input frames, which can achieve significant improvement over using only two input frames, with only a slight increase in the model size and inference time.
Index Terms:
Video interpolation, deformable convolution, deep learningI INTRODUCTION
Video interpolation, which aims to generate intermediate frames between given prior (or left) and post (or right) frames, is widely applied in video coding [26] and video frame rate conversion [5]. However, natural videos include complicated appearance and motion dynamics, e.g., various object scales, different viewpoints, varied motion patterns, object occlusions, and dis-occlusions, making interpolation of realistic frames a significant challenge.


Flow-based methods have been proven to work well in video interpolation [3, 4, 12, 16, 27]. Many state-of-the-art methods first use an optical flow estimator to obtain optical flow between given frames, and then infer the optical flow between the missing middle frame and the left and right known frames, respectively, by prefixed motion assumptions such as linear motion [3, 12, 18] or quadratic motion [27]. The middle frame is then obtained by backward warping input frames using the estimated optical flows. Such approaches are prone to flow errors caused by adopted flow estimators and the errors in the motion assumption. Thus, additional flow correction networks[27] or additional information such as depth [3] are usually required to refine the initial interpolated optical flows, leading to sophisticated models. Moreover, training such models require ground truth optical flow or depth information, which is expensive to obtain in large quantities.
Though flow-based methods have achieved great success in video interpolation, they are prone to errors and face the challenge of complicated dynamic scenes including nonlinear motions, lighting changes, and occlusions. Recently, deformable convolution (DConv) have been investigated in video interpolation to warp features and frames [8, 14]. DConv produces multiple offsets for each pixel to be interpolated with respect to each input frame, and uses a weighted average of these offset pixels in the previous (or future) frame to predict target pixel. When the filter size of DConv is 1x1 and the filter coefficient is 1, DConv offset is the same as optical flow. When the filter size is larger than 1, DConv performs many-to-one weighted warping and thus the offsets can be considered as many-to-one flows. Generally, Dconv offsets are more robust than single optical flow. Furthermore, DConv filter coefficients enable the model to produce more complex transformations. However, the increased degree of freedom of DConv makes the model hard to train.
To alleviate the above issues, we propose a pyramid deformable warping network (PDWN) to perform coarse-to-fine frame warping. The coarse-to-fine structure has been proved to be powerful in optical flow estimation [11, 22, 24]. In video interpolation, however, relatively few approaches explored the coarse-to-fine strategy. Amersfoort and Shi [1] proposed a multi-scale generative adversarial network to generate the predicted flow and the synthesized frame in a coarse-to-fine fashion. Zhang et. al. [30] designed a recurrent residual pyramid architecture to refine optical flow using a shared network across pyramid levels. Other methods, despite the usage of multi-scale features, only generate one-stage optical flow [3, 8, 16]. In our work, we exploit the advantages of the warping strategy and cost volume in addition to the pyramid structure to estimate DConv offsets from coarse to fine.
The proposed network follows a pyramid structure that extracts features at various resolution scales from each input frame. At every pyramid level, DConv is adopted to warp features from the past and future frames towards the middle frame, and a matching cost volume under different additional offsets between two warped features is constructed and exploited to infer residual DConv offsets. By warping features with the obtained offsets and passing the cost volume to the next pyramid level, the network refines the estimated offsets from coarse to fine. We demonstrate that such a methodology for video interpolation generates more realistic frames without requiring additional information such as ground truth optical flow information or depth during training. Our proposed network greatly reduces the number of model parameters and the inference time, while achieving better or on-par performance compared to state-of-the-art models as shown in Figure 1. Furthermore, our proposed approach can be extended to using multiple input frames easily, and using four instead of two frames as input leads to significantly improved interpolation results.
II Related Work
II-A Video interpolation
Video interpolation has been extensively explored in the literature [3, 4, 8, 12, 14, 16, 18, 20, 27, 28]. Prior methods can be grouped into two categories: kernel-based approach and flow-based approach. Kernel-based approaches [14, 19, 20] estimate convolution kernel parameters to hallucinate intermediate frame. However, kernel-based approaches typically fail in cases with large motions unless very large filter kernels are used, and suffer from large computational loads. Flow-based approaches estimate the optical flow to warp pixels to synthesize the target frame. Super SloMo [12] adopted one UNet to estimate optical flow between two input frames, and another UNet to correct the linearly interpolated flow vector. Beyond linear motion assumptions, Quadratic flow (QuaFlow) [27] adopted PWC-Net[24] to estimate optical flow between input frames. Then the quadratically interpolated flow was refined through a UNet. MEMC-Net[4] estimated both motion vectors and compensation filters through CNNs. Note that four input frames are required for QuaFlow to construct a quadratic model. Instead of bilinear interpolation, MEMC proposed an adaptive warping layer based on optical flow and compensation filters to reduce blur. Based on MEMC-Net, DAIN [3] used depth information estimated by a pre-trained hourglass architecture [15] to detect occlusions. Different from above methods, Softmax Splatting [18] estimated forward flow using an off-the-shelf optical flow estimator and designed a differentiable way to do forward warping. Though flow-based methods can generate sharp frames, inaccurate flow estimation often leads to severe artifacts. Unlike methods described above, our method directly estimates the ”flow” between given input frames and the unknown middle frame without assuming the trajectory is linear or quadratic or has other parametric forms. And we estimate many-to-one ”flow” which is more robust compared to single optical flow. Furthermore, we estimate the flows in a coarse-to-fine manner, to efficiently handle large motions.
II-B Pyramid structure and the cost volume
Pyramid structure has been proved to be powerful in optical flow estimation. Ilg et al. [11] achieved state-of-the-art performance by stacking several UNets into a large model, called FlowNet2. To reduce over-fitting problem caused by large models, SpyNet [22] incorporated two classical principles, pyramid structure, and warping, into deep learning. A spatial pyramid network was constructed for each of the two frames, and it estimated the flow in each scale and warped the second image to the first one at each scale repeatedly to reduce motion between two images. PWC-Net [24] further explored the trade-off between accuracy and model size. Instead of image pyramids, PWC-Net constructed feature pyramids that are invariant to shadows and lighting change. Partial cost volume is used to represent matching cost associated with different disparities. Inspired by classical pyramid energy minimization in optical flow algorithms, RRPN [30] designed a recurrent residual pyramid architecture for video frame interpolation to refine optical flow using a shared network for every pyramid level. Following above methods, we also exploit the advantages of classical principles of optical flow – the pyramid structure, multi-scale warping, and cost volume. Different from RRPN, we replace the flow estimation in each scale by the estimation of many-to-one offset maps through the use of deformable convolution filters, significantly reducing artifacts that are associated with occasional wrong flow estimates. Furthermore, cost volume is incorporated into our model non-trivially. We demonstrate that cost volume between the warped features of the two known frames can provide useful information for estimating the flow between the unknown middle frame and the known prior and post frames.
II-C Deformable convolution
DConv operation [6] is originally proposed to overcome the limitation of CNNs due to fixed filter support configuration and to enhance the transformation modeling capacity of CNNs. It estimates a set of offsets at each pixel and a global filter (non-spatially varying) with coefficients to be applied for the offset pixels. Zhu et. al. [31] further improved DConv by adding spatially adaptive modulation weights to modulate the global filter coefficient associated with each offset. The improved DConv thus has the ability to vary the attention to different offset pixels. Recognizing that DConv can be viewed as many-to-one weighted backward warping, FeFlow [8] used DConv to align input features from two known frames and fused aligned features to synthesize the middle frames. AdaCoF [14] constructed a UNet to estimate both local filter weights and offsets for each target pixel to synthesize output frames. We have found that learning a global filter plus spatially-varying modulation weights as in [31] is better than directly estimating locally adaptive filters. Different from FeFlow and AdaCoF [14] that estimate the DConv offsets directly in the original image resolution, we perform offset estimation and feature alignment in a coarse-to-fine successive refinement manner. Specifically, we successively refine DConv offsets from the coarser scales to the finer scales. We further utilize the cost volume computed from two aligned features at each scale to improve the accuracy of the offset update.
III Methods

The structure of PDWN is shown in Figure 2. Given two input frames and , we aim to synthesize the intermediate frame by gradually warping features of input frames to the middle frame using DConv. First, we construct a feature pyramid for each input frame using a shared feature extractor. Second, we generate the offsets and the associated modulation weights between each input frame and the middle frame, and then warp features of both input images toward the middle frame. This operation is taken at every level of the feature pyramid to refine the motion. Thus, the estimated DConv offsets, which can be considered as many-to-one flow, are refined from the coarse level to the fine level. Third, at the finest resolution level (same as the input frame), interpolation weight maps between the warped left and right frames are generated to handle occlusions. Finally, following the post-processing scheme of DAIN, we adopt a context enhance network to further enhance the interpolated frame, shown in Figure 3.
III-A Shared feature pyramid encoder
A multi-layer CNN is used to construct -scale pyramids of feature representations for both input frames . The features at the first scale, , have the same spatial resolution as the input frames. The th scale feature is downsampled by a factor of 2 both horizontally and vertically from the -th scale feature . Each scale consists of two convolution blocks, with specifics shown in Table I.
III-B Offset estimator module
The Offset estimator module is used in every scale of PDWN. It jointly predicts the DConv offsets from the unknown intermediate frame to the given input frames and the associated modulation weights for each offset in order to warp input frames and features to the intermediate frame.
Deformable warping with spatially-varying modulation coefficients
A deformable convolution filter is specified by a global filter , a set of spatially-varying offsets , and modulation coefficients , where denotes -th location in a filter support and indicates pixel location. The global filter here is the same convolution filter as regular convolutions except that the sampling is irregular. The support specifies a filter in our model. The offset is defined by horizontal and vertical displacements. And every sampling point is associated with a modulation weight. Thus the offset tensor and the modulation tensor have channel dimensions of 18 and 9, respectively. The global filter has the size of . To use DConv for video interpolation at multiple scales, we generate two sets of offsets and modulation coefficients at scale , with indicating the known prior and post frame and the unknown middle frame. The global filter weights are learnt and stay fixed after training for each scale and shared for known input features. Specifically, we generate the warped feature at scale at pixel from the original features for frame i as follows:
(1) |
Cost volume between features warped towards the middle frame
The notion of cost volumes has been widely used in optical flow methods [10, 24, 29] to provide explicit representation of matching cost under different displacements between two given frames for each pixel. In the PWC method for optical flow estimation, the cost volume is constructed between a warped image and a fixed image. Typically, for each pixel in one frame, the correlation between the feature at in this frame and the feature at a displaced location in the other frame is computed, for a finite set of displacements . is a square neighborhood of pixel with neighborhood size . In our case, however, a cost volume is calculated between two sets of warped features and based on the estimated offsets from each known frame to the middle frame, determined in a lower scale. The cost volume indicates the correlation between the features for corresponding pixels in the left and the right warped features under different displacements. Specifically, given and , a cost volume is constructed based on
(2) |
where and are pixel indexes. We set , including displacement from -4 to 4 in both horizontal and vertical directions. Thus the cost volume has a channel dimension of 81.
Instead of using a pre-determined way to calculate the matching cost, one can also train a small network (learnt as part of the entire network) that takes the two warped features and outputs the cost volume:
(3) |
We experimented with both approaches, where we used a network with two conv layers for the network .
Multi-scale offset estimation
As shown in Figure 2, we estimate the offsets between the middle frame and each of the two input frames from coarse to fine scales with a total of scales ( in Figure 2). DConv offsets are generated within each scale to gradually reduce the distance between two sets of features warped towards the middle frame.
At -th scale, the offset estimation block first upsamples the estimated offsets and modulation weights at the lower scale to the current resolution using bilinear interpolater , yielding
(4) |
(5) |
Then it warps the original features towards the middle frame based on , , and the learnt global filter , generating the warped features using Eq. (1). Then, the offset estimator computes the cost volume between the two warped features using Eq. (2). Next, it generates two sets of DConv offsets residuals and two sets of modulation weight from , , , the original features , and the upsampled features from the features generated by the offset estimator in the previous scale:
(6) |
where denotes a three-layer CNN. The final offsets and modulation weights are obtained by
(7) |
(8) |
(9) |
where denotes a sigmoid activation function. We can use a small subnetwork (consisting of three conv layers) to estimate the offset fields because the motion between two warped features is usually small. The same process repeats until we complete scale 1.
For the coarsest scale , the offset estimator only takes the original features in that scale and as input and generates and directly.
To summarize, the offset estimator at each scale needs to generate two sets of offset tensors and two sets of modulation tensors, with a total channel dimension of 54. See Table I for the specifics of the network structure.
III-C Adaptive frame blending
Using the estimated offset , modulation weights , and global filter at scale 1, we warp frame towards the middle frame, generating two candidates estimates of the middle frames . Occlusions often happen due to the movement of objects. Therefore, in order to select valid pixels from two warped reference frames, we design a blending layer that generates a weight map to average the two transformed frames at position . The layer is constructed by a three-layer CNN. See Table I, the network takes two warped frames, and , and two warped features, and , at first scale of the feature pyramids as input and generates the weight map with a softmax activation applied on the output layer. At position , the blended frame is
(10) |
The warped features provide contextual information to estimate the weight map.
III-D Context enhancement network
To generate the final output, we construct a context enhancement network which takes warped images and features at scale 1 as input and outputs a residual image between the unknown ground truth intermediate frame and the blended frame. The network consists of five residual blocks, shown in Figure 3. See Table I for the specific network configuration.

III-E Extending to four input frames
Quadratic flow [27] shows an improvement on moving trajectory estimation by estimating acceleration information from four input frames. We also extend our model to exploit the information in additional input frames and to estimate the motion more accurately. Our extended model takes four input frames (two previous and two following frames). A pyramid feature encoder is shared between four input frames to generate four feature pyramids. In the offset estimator, we input four feature maps of the four input frames instead of two in the first conv layer in Figure 2.(b). This allows the network to recognize the motion trajectory over a longer temporal scope and yield more accurate offset estimation. In higher scales, we still generate the warped feature maps for two closest past and future frames using the estimated offsets and modulation weights from the lower scale and determine the cost volume from these two warped features. Then the cost volume is concatenated with four original features of input frames as well as offsets and modulation weights and fed into the next scale to refine offsets and modulation weights in the next scale. Note that even though the input consists of four frames, the network only generates two sets of offsets, between the middle frame and its left and right neighboring frames, respectively. The final interpolated frame is the adaptively weighted average of these two closest frames warped by deformable convolution.
III-F Implementation detail
Module | Scale | Output size | Configuration |
---|---|---|---|
Feature extractor | 1 | Conv 7 - 3 - 16 | |
Conv 5 - 16 - 16 | |||
2 | Conv 3 - 16 - 32 | ||
Conv 3 - 32 - 32 | |||
3 | Conv 3 - 32 - 64 | ||
Conv 3 - 64 - 64 | |||
4 | Conv 3 - 64 - 96 | ||
Conv 3 - 96 -96 | |||
5 | Conv 3 - 96 - 128 | ||
Conv 3 - 128 - 128 | |||
6 | Conv 3 - 128 - 196 | ||
Conv 3 - 196 - 196 | |||
Offset estimator | 6 | Conv 3 - 473 - 256 | |
Conv 3 - 256 - 256 | |||
Conv 3 - 256 - 54 | |||
5 | DConv 3 - 128 - 128 | ||
Conv 3 - 647 - 196 | |||
Conv 3 - 196 - 196 | |||
Conv 3 - 196 - 54 | |||
4 | DConv 3 - 96 - 96 | ||
Conv 3 - 523 - 128 | |||
Conv 3 - 128 - 128 | |||
Conv 3 - 128 - 54 | |||
3 | DConv 3 - 64 - 64 | ||
Conv 3 - 391 - 64 | |||
Conv 3 - 64 - 64 | |||
Conv 3 - 64 - 54 | |||
2 | DConv 3 - 32 - 32 | ||
Conv 3 - 295 - 64 | |||
Conv 3- 64 - 64 | |||
Conv 3 - 64 - 54 | |||
1 | DConv 3 - 16 - 16 | ||
Conv 3 - 231 - 64 | |||
Conv 3 - 64 - 64 | |||
Conv 3 - 64 - 54 | |||
Adaptive frame blending | 1 | DConv 3 - 3 - 3 | |
DConv 3 - 16 - 16 | |||
Conv 3 - 38 - 16 | |||
Conv 3 - 16 - 16 | |||
Conv 3 - 16 - 2 | |||
Context enhancement | 1 | Conv 3 - 41 - 64 | |
Conv 3 - 64 - 64 2 4 | |||
Conv 3 - 64 - 3 |
-
*
The convolutional and deformable convolutional layer parameters are denoted as “Conv/DConv filter size - number of input channels - number of output channels”. The leakyReLU activation function, max pool layer, bilinear upsample layer, and matching cost layer are not shown for brevity.
Architecture configurations
The configurations of PDWN with 6 scales and predefined matching cost calculation, evaluated in this paper, are outlined in Table I.
Loss function
L1 norm has been proven to generate less blurry results in image synthesis tasks [7, 17]. Thus, L1 Reconstruction loss between the reconstructed frame and the ground truth frame is used to train the model:
(11) |
We also explore a multi-scale L1 reconstruction loss for training. Specifically, we downsample the input frames and the ground truth middle frame. Then, we apply the estimated offsets and modulation weights to the downsampled input images to generate the interpolated frame at each scale. Finally, the L1 reconstruction losses between the reconstructed frame and the ground truth frame for all scales are combined. Through our experiment, we find that the multi-scale loss does not improve the final results compared to simple L1 reconstruction loss at the finest scale. But we do observe that the multi-scale loss could speed up the convergence during training. For simplicity, all results reported in this paper are obtained by using the simple L1 reconstruction loss at the finest scale.
Training dataset
We use Vimeo-90k training set [28], which has 51312 triplets, to train our model. Each triplet has 3 consecutive frames and each frame has a resolution of . Horizontal flipping and temporal reversing are adopted as data augmentation.
Training strategy
We train PDWN sequentially. In other words, we first train PDWN without context enhance network for 80 epochs, then finetune the whole system end-to-end for another 20 epochs. We use Adam [13] with and to optimize our model. The initial learning rate is set to 0.0002. Mini-batch size is set to 20. Following the techniques introduced in [21], we also train a variant of PDWN, called PDWN++, with input normalization, network improvements, and self-ensembling. Specifically, each color channel of the input frames is normalized independently to have zero mean and unit variance. Then, we replace the two-layer convolution with residual blocks. Moreover, the global filter of the deformable convolution that warps frames at level 1 is shared not only between input frames but also across RGB color channels. Finally, 7 transforms, including reverse, flipping, mirroring, reverse and flipping, and rotation by 90, 180, and 270 respectively, are applied during the inference phase for self-ensembling.
IV Results
In this section, we first introduce evaluation datasets. Then, we conduct ablation studies to evaluate the contribution of each component and to compare our proposed model with state-of-the-arts on two input frames. Finally, we compare the performance of our models using two vs. four input frames and also compare with other models using four input frames.
IV-A Evaluation Datasets and Metrics
IV-A1 Evaluation Datasets
Our model is trained on a single dataset (Vimeo-90K training set) but validated on multiple datasets including Vimeo-90K[28] test dataset (448 256), UCF [16, 23] dataset (25 FPS, 256 256), and the Middlebury dataset [2] (typically 640 480). The Middlebury dataset has two subsets. The OTHER set provides the ground-truth middle frames while the EVALUATION set hides the ground-truth and can only be evaluated by uploading the results to the benchmark website.
IV-A2 Evaluation Metrics
We report PSNR, SSIM [25], and Interpolation Error (IE) for model comparison on multiple datasets with various resolutions and contents. IE is the average absolute color error. Higher PSNR or SSIM and lower IE indicate better performance.
IV-B Ablation Studies
IV-B1 Optical flow V.S. DConv
To analyze how well the proposed framework performs with different image warping techniques, we train two variants of our approach, one using optical flow and the other using DConv at each scale. To integrate optical flow into our model, PDWN-optical flow generates and refines two sets of optical flow in every pyramid level instead of deformable offsets and modulation weights. Features and frames are backward warped by optical flow in PDWN-optical flow to replace deformable convolution in PDWN. As shown in Table II (section 1), DConv outperforms optical flow in terms of all performance metrics, which demonstrates the effectiveness of DConv. In Figure 5.(i), we visualize the DConv sampling points in the past and future frame respectively of an occluded point. We observe that the proposed model is able to point to locations in the left frame where the color is similar to the occluded region. As discussed above, DConv offsets can be considered as many-to-one backward warping flow. The redundancy of many-to-one flow makes the model more robust. In Figure 5.(e) and 5.(g), we visualize the weighted averaged DConv offsets by:
(12) |
.
Model | Vimeo-90k | Middlebury OTHER | |||
---|---|---|---|---|---|
PSNR | SSIM | PSNR | SSIM | IE | |
PDWN-optical flow | 34.59 | 0.961 | 35.35 | 0.957 | 2.47 |
PDWN w/o modulation | 35.23 | 0.965 | 37.00 | 0.966 | 2.02 |
PDWN w/ modulation | 35.38 | 0.966 | 37.00 | 0.966 | 2.00 |
PDWN w/o CV | 35.13 | 0.964 | 37.09 | 0.966 | 1.99 |
PDWN w/ CV | 35.38 | 0.966 | 37.00 | 0.966 | 2.00 |
PDWN w/ learnt CV | 35.42 | 0.966 | 37.17 | 0.967 | 1.98 |
PDWN w/o coarse-to-fine | 34.54 | 0.959 | 35.95 | 0.961 | 2.19 |
PDWN w/ coarse-to-fine | 35.42 | 0.966 | 37.17 | 0.967 | 1.98 |
PDWN w/o c. e. | 35.42 | 0.966 | 37.17 | 0.967 | 1.98 |
PDWN w/ c. e. | 35.44 | 0.966 | 37.20 | 0.967 | 1.98 |
-
*
CV denotes cost volume and c.e. denotes context enhancement. All models presented here use 6 scales. Models in section 1, 2, and 3 are trained without context enhancement.

Scale | Runtime | Param. | Vimeo-90k | Middlebury OTHER | |||
---|---|---|---|---|---|---|---|
(second) | (million) | PSNR | SSIM | PSNR | SSIM | IE | |
L=4 | 0.0056 | 1.7 | 35.02 | 0.963 | 36.63 | 0.964 | 2.07 |
L=5 | 0.0068 | 3.4 | 35.19 | 0.965 | 36.85 | 0.965 | 2.04 |
L=6 | 0.0086 | 6.6 | 35.23 | 0.965 | 37.00 | 0.966 | 2.02 |
-
*
L denotes the number of scales. Note that in this experiment we use a simpler version of DConv where the modulation weights are all set to 1 and the cost volume is predefined. The models trained here are all without context enhancement. The feature size is downsampled 8, 16, 32 times for L = 4, 5, 6, respectively. The runtime is evaluated for interpolating one middle frame of ”DogDance” from Middlebury OTHER dataset, with a size of , on GeForce RTX 2080 Ti.


Method | Runtime | Param. | Vimeo-90k | Middlebury OTHER | UCF | ||||
---|---|---|---|---|---|---|---|---|---|
(second) | (million) | PSNR | SSIM | PSNR | SSIM | IE | PSNR | SSIM | |
DVF [16] | - | 3.8 | - | - | - | - | - | 34.12 | 0.942 |
SepConv-L1 [20] | 0.0032 | 21.6 | 33.80 | 0.956 | 35.89 | 0.959 | 2.24 | 34.69 | 0.945 |
SepConv++ [21] | - | 13.6 | 34.98 | - | 37.47 | - | - | 35.29 | - |
SuperSlowMo [12] | - | 39.6 | - | - | - | - | - | 34.75 | 0.947 |
MEMC-Net* [4] | 0.122 | 70.3 | 34.40 | 0.962 | 36.48 | 0.964 | 2.12 | 35.01 | 0.949 |
DAIN [3] | 0.125 | 24.0 | 34.71 | 0.964 | 36.70 | 0.965 | 2.04 | 34.99 | 0.949 |
RRPN [30] | - | - | - | - | - | - | - | 34.76 | - |
AdaCof [14] | 0.0043 | 21.8 | 34.35 | 0.956 | 35.69 | 0.958 | 2.26 | 34.90 | 0.949 |
FeFlow [8] | 0.7188 | 133.6 | 35.16 | 0.963 | 36.61 | 0.965 | 2.14 | 34.89 | 0.949 |
PDWN (L=6) | 0.0089 | 7.8 | 35.44 | 0.966 | 37.20 | 0.967 | 1.98 | 35.00 | 0.950 |
PDWN++ (L=6) | 0.0669 | 8.6 | 35.69 | 0.968 | 38.35 | 0.971 | 1.81 | 35.10 | 0.950 |
-
*
PDWN achieves on par performance with much fewer parameters compared to previous methods.
-
*
The runtime of DAIN and MEMC-Net* is reported in their paper on a 640x480 image using an NVIDIA Titan X (Pascal) GPU card. Other runtime numbers reported are estimated for ”DogDance” image on an Nvidia RTX 2080 Ti GPU card.
-
*
The number in red and blue represents the best and second best performance.

Method | Average | Mequon | Schefflera | Urban | Teddy | Backyard | Basketball | Dumptruck | Evergreen | |||||||||
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
IE | NIE | IE | NIE | IE | NIE | IE | NIE | IE | NIE | IE | NIE | IE | NIE | IE | NIE | IE | NIE | |
SuperSlowMo[12] | 5.31 | 0.78 | 2.51 | 0.59 | 3.66 | 0.72 | 2.91 | 0.74 | 5.05 | 0.98 | 9.56 | 0.94 | 5.37 | 0.96 | 6.69 | 0.60 | 6.73 | 0.69 |
MEMC-Net*[4] | 4.99 | 0.74 | 2.39 | 0.59 | 3.36 | 0.64 | 3.37 | 0.80 | 4.84 | 0.88 | 8.55 | 0.88 | 4.70 | 0.85 | 6.40 | 0.64 | 6.37 | 0.63 |
DAIN[3] | 4.85 | 0.71 | 2.38 | 0.58 | 3.28 | 0.60 | 3.32 | 0.69 | 4.65 | 0.86 | 7.88 | 0.87 | 4.73 | 0.85 | 6.36 | 0.59 | 6.25 | 0.66 |
AdaCof[14] | 4.75 | 0.73 | 2.41 | 0.60 | 3.10 | 0.59 | 3.48 | 0.84 | 4.84 | 0.92 | 8.68 | 0.90 | 4.13 | 0.84 | 5.77 | 0.58 | 5.60 | 0.57 |
FeFlow[8] | 4.82 | 0.71 | 2.28 | 0.51 | 3.50 | 0.66 | 2.82 | 0.70 | 4.75 | 0.87 | 7.62 | 0.84 | 4.74 | 0.86 | 6.07 | 0.64 | 6.78 | 0.67 |
RRPN [30] | 4.93 | 0.75 | 2.38 | 0.53 | 3.70 | 0.69 | 3.29 | 0.87 | 5.05 | 0.94 | 8.20 | 0.88 | 4.38 | 0.88 | 6.50 | 0.65 | 6.00 | 0.62 |
SepConv++ [21] | 3.88 | 0.73 | 2.39 | 0.58 | 2.98 | 0.56 | 3.34 | 0.95 | 4.49 | 0.87 | 7.64 | 0.85 | 3.77 | 0.84 | 5.26 | 0.59 | 5.71 | 0.59 |
PDWN (L=6) | 4.71 | 0.69 | 2.09 | 0.46 | 3.12 | 0.58 | 2.38 | 0.64 | 4.29 | 0.85 | 8.61 | 0.87 | 4.80 | 0.88 | 6.24 | 0.60 | 6.18 | 0.62 |
-
*
NIE: normalized interpolation error.

Method | Runtime | Param. | Vimeo-septuplet | |
---|---|---|---|---|
(second) | (million) | PSNR | SSIM | |
FeFlow [8] | 0.221 | 133.6 | 33.88 | 0.946 |
PDWN-2 | 0.010 | 7.4 | 35.53 | 0.958 |
QuaFlow [27] | 0.090 | 19.6 | 34.28 | 0.950 |
PDWN-4 | 0.012 | 8.3 | 35.93 | 0.960 |
-
*
FeFlow and PDWN-2 take only 1 past frame and 1 future frame as input. QuaFlow and PDWN-4 take 2 past frames and 2 future frames as input.
-
*
Both PDWN-2 and PDWN-4 have 6 pyramid levels and no contexual enhancement module.
-
*
The runtime reported is the average runtime for Vimeo-septuplet dataset with image size on an Nvidia Tesla V100 GPU card.
IV-B2 Cost volume
To analyze the effectiveness of using cost volumes, we consider three variants of our approach. The first model takes warped features only as input to the first conv layer in the offset estimator in Figure 2.(b). The second model first computes the cost volume between two warped features, then concatenates the cost volume and the original features to estimate DConv offset residuals. The third model replaces the cost volume layer with a two-layer CNN to learn the matching cost between two warped features. As shown in Table II (section 2), cost volumes bring additional improvements without adding more parameters on Vimeo-90K dataset. Replacing the predefined cost with the learnt cost further improves the results for both datasets.
IV-B3 Coarse-to-fine successive refinement manner
In the proposed model, we warp features and construct the matching cost between warped features to estimate DConv offset residuals at every pyramid level in a coarse-to-fine manner. It reduces the distance between two input frames gradually and is particularly important when the ground truth motion is large. We investigate the contribution of this coarse-to-fine structure via training another variant of our model, without the coarse-to-fine structure. In other words, this model is simply a UNet structure with 6 spatial scales that takes two images and as input and directly outputs DConv offsets and modulation weights in the finest scale. We show the quantitative results in Table II (section 3) and qualitative results in Figure 4. By introducing the coarse-to-fine structure, the performance is significantly improved, demonstrating the effectiveness of our successive coarse-to-fine successive refinement approach.
IV-B4 Impact of the number of scales
To analyze the impact of the number of scales on the performance, we investigate three different pyramid scales ( = 4, 5, 6). Quantitative results are shown in Table III, and the visual comparison is provided in Figure 5. We find that with model size increasing from 1.7, 3.4, to 6.6 million, the PSNR steadily get better from 36.63, 36.85, to 37.00 dB on Middlebury OTHER dataset. The example in Figure 5 also shows that the model using more scales generates sharper outcomes. The gain on Vimeo-90K, however, is not as significant as that on Middlebury OTHER dataset. That is probably because Middlebury OTHER dataset has a larger image size (and hence larger motion in terms of pixels) than Vimeo-90K dataset. Even though the model size almost doubles with each additional scale, the runtime only increases slightly, as the lower scale images and features have a smaller spatial dimension.
IV-B5 Adaptive Blending Weight
Figure 5.(j) shows an example of adaptive blending weight map. As discussed in section 3.3, means pixel x from is occluded and pixels x from is fully trusted. The black region around the ball in the weight map indicates that our model can detect and solve occlusion by selecting pixels from the previous and following frames softly.
IV-B6 Context enhancement network
To analyze the contribution of the context enhancement module, we train a variant of PDWN without context enhancement and show the results in Table II. Though DAIN gains significantly from adding the context enhancement module (0.27 dB on Vimeo-90k in terms of PSNR) [3], the context enhancement network has little contribution to PDWN. By adding the context enhancement network, the number of model parameters increases from 7.4 million to 7.8 million and the runtime increases from 0.0082 to 0.0086 for interpolating ”DogDance” image (640480) in Middlebury-OTHER dataset, using an NVIDIA RTX 8000 GPU card.
IV-C Comparison with state-of-the-arts
We compare our model with state-of-the-art video interpolation models both quantitatively and qualitatively, including deep voxel flow (DVF) [16], SepConv[20], SepConv++ [21], SuperSloMo [12], MEMC-Net* [4], DAIN [3], AdaCof [14], FeFlow [8], on three different datasets, Vimeo-90K, UCF, and Middlebury dataset. Note that we only compare with methods which use backward optical flow or DConv for backward image warping. For SepConv, AdaCof, and FeFlow, we download their published models and test on the testing datasets. For DVF, SuperSloMo, MEMC-Net*, and DAIN, we calculate the numbers from their published interpolated data. For RRPN and SepConv++, we directly report their published numbers.
As shown in Table IV, our proposed model outperforms all methods on Vimeo-90k dataset and Middlebury OTHER dataset except SepConv++. Using similar techniques applied to SepConv++, PDWN++ surpasses SepConv++ for 0.88 dB on Middlebury OTHER dataset with respect to PSNR. Meanwhile, the number of model parameters increases from 7.8 million to 8.6 million and the runtime increases nearly 8 times. On UCF dataset, our model achieves on par performance with state-of-the-art methods. Note that DAIN uses additional depth information to detect occlusion in order to compensate errors in the linear interpolated optical flow. DAIN relies on the accuracy of depth information, i.e., their model cannot learn meaningful depth information without a good initialization of (pretrained) depth estimation network and thus yields lower quality results than MEMC-Net. Our model does not need depth information for training information but still achieve 0.73 dB higher PSNR than DAIN on Vimeo-90K. FeFlow uses multiple groups of DConv offsets in every layer to avoide occlusion and edge maps generated by BDCN [9] as structure guidance. Compared to FeFlow, our model performs better on Vimeo-90K without edge maps and with only a single group of DConv offsets, which demonstrated the supremacy of using DConv in a coarse-to-fine manner. Moreover, our model size is only 5.8% of that of FeFlow. Figure 6 presents two examples from Vimeo-90k dataset. Notably, our model generates the sharpest results among all compared methods.
Table V shows the comparison on Middlebury EVALUATION dataset. Our proposed method performs favorably against state-of-the-art methods. Our model performs well quantitatively on sequences with small motion or fine textures such as Mequon, Teddy and Schefflera. For videos with complicated motions, Figure 7 shows a visualized example. Our model produces more details at the girl’s toe in the backyard example while other methods output blurry results. And our model handles occlusion well around the boundary of the orange ball.
IV-D Extending to four input frames
Vimeo-90K septuplet dataset is used to train and test our extended model PDWN-4 which takes four input frames as input and has 6 pyramid levels. We use frame 1, 3, 5, and 7 to interpolate frame 4 and compare the interpolated frame 4 with the original frame 4 for every sequence in Vimeo-90K septuplet dataset. We compare the results with our two-input model PDWN-2 and state-of-the-art methods including FeFlow [8] and QuaFlow [27]. PDWN-2 is pretrained on Vimeo-90K triplet dataset and finetuned on Vimeo-90K septuplet dataset. Results are given in Table VI. Figure 8 shows visualized results on the Vimeo-90K septuplet test dataset. Both the quantitative and visual evaluations demonstrate that the extended PDWN with four input frames can significantly improve the interpolation accuracy over using two input frames, with only modest increases in the model size and the runtime. Furthermore, both PDWN-2 and PDWN-4 yield better results than QuaFlow that uses four input frames.
V Conclusion
In this work, we propose a pyramid video interpolation model that estimates the many-to-one flows with modulation maps of the middle frame to the left and right input frames. We show that the offset estimator can benefit from using the cost volumes computed from the aligned features, compared to using the aligned features directly. Our model is significantly smaller in model size and requires substantially less inference time compared to state-of-the-art models and yet achieves better or on-par interpolation accuracy. Besides, our model does not rely on additional information (e.g. ground truth depth information or optical flow) for training. Moreover, our model that uses two input frames can be extended to use four input frames easily, with only a small increase in the model size and the inference time, and yet the extended model significantly improves the interpolation accuracy.
A recent work [18], which proposes a differentiable forward warping operation using forward optical flow to handle occlusion and dis-occlusion regions directly, outperforms all backward-flow-based methods. It shows a promising direction for video interpolation. In future work, we will also explore how to combine forward warping with a coarse-to-fine structure. Furthermore, we will explore the integration of PDWN in video coding, where the encoder can encode every other frame; Skipped frames will be interpolated by the PDWN method and the interpolation error images can be additionally coded.
References
- [1] Joost Amersfoort et al. “Frame interpolation with multi-scale deep loss functions and generative adversarial networks” In arXiv preprint arXiv:1711.06045, 2017
- [2] Simon Baker et al. “A database and evaluation methodology for optical flow” In International journal of computer vision 92.1 Springer, 2011, pp. 1–31
- [3] Wenbo Bao et al. “Depth-aware video frame interpolation” In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2019, pp. 3703–3712
- [4] Wenbo Bao et al. “MEMC-Net: Motion estimation and motion compensation driven neural network for video interpolation and enhancement” In IEEE transactions on pattern analysis and machine intelligence IEEE, 2019
- [5] Roberto Castagno, Petri Haavisto and Giovanni Ramponi “A method for motion adaptive frame rate up-conversion” In IEEE Transactions on circuits and Systems for Video Technology 6.5 IEEE, 1996, pp. 436–446
- [6] Jifeng Dai et al. “Deformable convolutional networks” In Proceedings of the IEEE international conference on computer vision, 2017, pp. 764–773
- [7] Ross Goroshin, Michaël Mathieu and Yann LeCun “Learning to Linearize Under Uncertainty” In CoRR abs/1506.03011, 2015 arXiv: http://arxiv.org/abs/1506.03011
- [8] Shurui Gui, Chaoyue Wang, Qihua Chen and Dacheng Tao “FeatureFlow: Robust Video Interpolation via Structure-to-Texture Generation” In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2020, pp. 14004–14013
- [9] Jianzhong He et al. “Bi-Directional Cascade Network for Perceptual Edge Detection” In 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) IEEE, 2019 DOI: 10.1109/cvpr.2019.00395
- [10] Asmaa Hosni et al. “Fast cost-volume filtering for visual correspondence and beyond” In IEEE Transactions on Pattern Analysis and Machine Intelligence 35.2 IEEE, 2012, pp. 504–511
- [11] Eddy Ilg et al. “Flownet 2.0: Evolution of optical flow estimation with deep networks” In Proceedings of the IEEE conference on computer vision and pattern recognition, 2017, pp. 2462–2470
- [12] Huaizu Jiang et al. “Super slomo: High quality estimation of multiple intermediate frames for video interpolation” In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2018, pp. 9000–9008
- [13] Diederik P Kingma and Jimmy Ba “Adam: A method for stochastic optimization” In arXiv preprint arXiv:1412.6980, 2014
- [14] Hyeongmin Lee et al. “AdaCoF: Adaptive Collaboration of Flows for Video Frame Interpolation” In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2020, pp. 5316–5325
- [15] Zhengqi Li and Noah Snavely “Megadepth: Learning single-view depth prediction from internet photos” In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2018, pp. 2041–2050
- [16] Ziwei Liu et al. “Video frame synthesis using deep voxel flow” In Proceedings of the IEEE International Conference on Computer Vision, 2017, pp. 4463–4471
- [17] Michael Mathieu, Camille Couprie and Yann LeCun “Deep multi-scale video prediction beyond mean square error”, 2015 arXiv:1511.05440 [cs.LG]
- [18] Simon Niklaus and Feng Liu “Softmax Splatting for Video Frame Interpolation” In IEEE International Conference on Computer Vision, 2020
- [19] Simon Niklaus, Long Mai and Feng Liu “Video frame interpolation via adaptive convolution” In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2017, pp. 670–679
- [20] Simon Niklaus, Long Mai and Feng Liu “Video frame interpolation via adaptive separable convolution” In Proceedings of the IEEE International Conference on Computer Vision, 2017, pp. 261–270
- [21] Simon Niklaus, Long Mai and Oliver Wang “Revisiting adaptive convolutions for video frame interpolation” In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, 2021, pp. 1099–1109
- [22] Anurag Ranjan and Michael J Black “Optical flow estimation using a spatial pyramid network” In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2017, pp. 4161–4170
- [23] Khurram Soomro, Amir Roshan Zamir and Mubarak Shah “UCF101: A dataset of 101 human actions classes from videos in the wild” In arXiv preprint arXiv:1212.0402, 2012
- [24] Deqing Sun, Xiaodong Yang, Ming-Yu Liu and Jan Kautz “Pwc-net: Cnns for optical flow using pyramid, warping, and cost volume” In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2018, pp. 8934–8943
- [25] Zhou Wang, Alan C Bovik, Hamid R Sheikh and Eero P Simoncelli “Image quality assessment: from error visibility to structural similarity” In IEEE transactions on image processing 13.4 IEEE, 2004, pp. 600–612
- [26] Chao-Yuan Wu, Nayan Singhal and Philipp Krahenbuhl “Video compression through image interpolation” In Proceedings of the European Conference on Computer Vision (ECCV), 2018, pp. 416–431
- [27] Xiangyu Xu et al. “Quadratic video interpolation” In Advances in Neural Information Processing Systems, 2019, pp. 1645–1654
- [28] Tianfan Xue et al. “Video enhancement with task-oriented flow” In International Journal of Computer Vision 127.8 Springer, 2019, pp. 1106–1125
- [29] Jure Žbontar and Yann LeCun “Stereo matching by training a convolutional neural network to compare image patches” In The journal of machine learning research 17.1 JMLR. org, 2016, pp. 2287–2318
- [30] Haoxian Zhang, Yang Zhao and Ronggang Wang “A flexible recurrent residual pyramid network for video frame interpolation” In European Conference on Computer Vision, 2020, pp. 474–491 Springer
- [31] Xizhou Zhu, Han Hu, Stephen Lin and Jifeng Dai “Deformable ConvNets v2: More Deformable, Better Results”, 2018 arXiv:1811.11168 [cs.CV]