Learned Lossless JPEG Transcoding via Joint Lossy and Residual Compression

Xiaoshuai Fan, Xin Li, Zhibo Chen* *Corresponding author Unviersity of Science and Technology of China, Hefei, China
{fanxs, lixin666}@mail.ustc.edu.cn, chenzhibo@ustc.edu.cn
Abstract

As a commonly-used image compression format, JPEG has been broadly applied in the transmission and storage of images. To further reduce the compression cost while maintaining the quality of JPEG images, lossless transcoding technology has been proposed to recompress the compressed JPEG image in the DCT domain. Previous works, on the other hand, typically reduce the redundancy of DCT coefficients and optimize the probability prediction of entropy coding in a hand-crafted manner that lacks generalization ability and flexibility. To tackle the above challenge, we propose the learned lossless JPEG transcoding framework via Joint Lossy and Residual Compression. Instead of directly optimizing the entropy estimation, we focus on the redundancy that exists in the DCT coefficients. To the best of our knowledge, we are the first to utilize the learned end-to-end lossy transform coding to reduce the redundancy of DCT coefficients in a compact representational domain. We also introduce residual compression for lossless transcoding, which adaptively learns the distribution of residual DCT coefficients before compressing them using context-based entropy coding. Our proposed transcoding architecture shows significant superiority in the compression of JPEG images thanks to the collaboration of learned lossy transform coding and residual entropy coding. Extensive experiments on multiple datasets have demonstrated that our proposed framework can achieve about 21.49% bits saving in average based on JPEG compression, which outperforms the typical lossless transcoding framework JPEG-XL by 3.51%.

lossless transcoding, JPEG, learned lossy compression, residual compression, entropy coding

I Introduction

With the development of image acquisition and processing, daily production of billions of images places a heavy burden on storage and transmission capacity. To tackle the above challenge, a number of standard image compression approaches such as JPEG [40], JPEG2000 [8], JPEG XR [11], as well as learned image codecs [5, 4, 7, 29, 36, 28, 13, 43, 38, 17, 12, 41] and related optimization strategies [26, 25, 24], have been proposed in order to reduce the compression cost while maintaining the image quality. Among them, JPEG compression format is a simple and flexible format used in real life, which has led to the majority of images being stored in this format. However, the JPEG codec is insufficiently optimized for rate-distortion performance, resulting in significant redundancy in the bitstreams. To further reduce compression costs, it is necessary and urgent to identify a suitable framework for recompressing JPEG images.

Overall architecture of the proposed Learned Lossless JPEG Transcoding method. It consists of Lossy Transform coding and Residual entropy coding. AE and AD stand for arithmetic coding and arithmetic decoding respectively. Q stands for quantization module. The residual calculation is element-wise subtraction.
Fig. 1: Overall architecture of the proposed Learned Lossless JPEG Transcoding method. It consists of Lossy Transform coding and Residual entropy coding. AE and AD stand for arithmetic coding and arithmetic decoding respectively. Q stands for quantization module. The residual calculation is element-wise subtraction. , and need to be encoded as the bitstreams.

As the commonly-used compression method, JPEG codec[40] follows the block-based compression approach. It divides the input image into pixel blocks, transforms each block to a DCT domain, and then encodes the DC and AC coefficients using entropy coding. To reduce spatial redundancy between adjacent blocks, the JPEG codec utilizes the DC coefficients of the reference block to predict the coding block and compresses only the residual components. However, since the simple transform and prediction modes, there is still huge redundancy in bit streams, which wastes an enormous amount of storage and transmission bandwidth. Lossless JPEG transcoding has been proposed to recompress JPEG images in the DCT domain in order to further reduce compression costs while maintaining the qualities of the JPEG format. Traditional lossless transcoding works can be roughly divided into three categories, including 1) optimizing the prediction of DCT coefficients [21, 22, 23, 27], 2) optimizing the entropy coding model [20, 19, 35, 32, 10], and 3) prepossessing the DCT coefficients for more efficient entropy coding [39, 6]. There are also standard software packages, such as Lepton [15] and JPEG XL [2, 3], that perform well with lossless JPEG transcoding. Lepton is primarily concerned with optimizing entropy models and symbol representations. JPEG XL attains a higher compression ratio by extending the DCT to a variable-size DCT, allowing the block size to be 8, 16 or 32. Moreover, JPEG XL substitutes Asymmetric Numeral Systems for Huffman coding. However, the above methods heavily rely on hand-crafted mode design, which makes it hard to eliminate redundant data in an effective and efficient manner.

To tackle the above challenge, in this paper, we propose a learned end-to-end lossless JPEG transcoding framework to further reduce the redundancy of JPEG images in an adaptive and sufficient manner. Specifically, we aim to implement lossless transcoding from two perspectives, i.e., how to reduce spatial redundancy in DCT coefficients and how to accurately estimate the probability distribution. In contrast to traditional JPEG transcoding methods [21, 22, 23, 27, 20, 19, 35, 32, 10, 39, 6], which only process redundancy in the DCT domain, we use commonly-used transform coding in learned lossy compression [16] to learn an optimal compact representation as [31] for the compression of DCT coefficients based on the amount of of nature images. Specifically, we rearrange the JPEG quantized DCT coefficients into the DCT image based on the different frequency components, which makes it easier for the network to capture the spatial redundancy. Then, for lossy compression of DCT coefficients, we employ the typical end-to-end transform coding backbone [5].

Thanks to the transform coding, there is little correlation in the residual of DCT coefficients. Therefore, we adopt learned entropy coding, which is capable of learning a relatively precise probability distribution for each residual coefficient. We extract adaptively the side information for probability estimation from the decoded DCT coefficients and their residual. Since there is sparsity, we model the residual probability using the mixture logistic probability model. With the cooperation of learned lossy transform coding and residual entropy coding, an advanced end-to-end lossless JPEG transcoding framework can be constructed. Extensive experiments on multiple benchmarks, including DIV2K [1], Kodak [18], CLIC validation [37] have demonstrated the effectiveness of our proposed method.

The main contributions of our work can be summarized as follows:

  • We propose a learned end-to-end lossless JPEG transcoding framework by solving the challenges from two perspectives, i.e., how to reduce the spatial redundancy existing in the DCT coefficients, and how to estimate the probability accurately for entropy coding.

  • We introduce the first framework for lossless JPEG transcoding with joint lossy compression and residual entropy coding.

  • Extensive experiments on multiple benchmarks have demonstrated the effectiveness and superiority of our proposed JPEG transcoding framework.

The rest of the paper is organized as follows: In Sec. II, We will describe in detail our framework for learning lossless JPEG transcoding from the perspective of principles and implementations. Sec. III describes our experimental setting and results to validate the effectiveness of our scheme. Finally, we conclude this paper in Section IV.

Ii Method

Ii-a Overview of Learned Lossless JPEG Transcoding Framework

The lossless JPEG transcoding aims to further reduce the compression cost by recompressing the JPEG images in the DCT domain. That means compressing the quantified DCT coefficients with a lossless optimization goal as Eq. 1.

(1)

where are the lossless transcoding reconstructed coefficients. R, D and J are respectively as the rate, distortion, and rate-distortion performance. We analyze the essential challenges in lossless transcoding and then propose a framework TLRC for learned lossless JPEG transcoding by addressing two typical challenges, i.e., how to reduce the spatial redundancy existing in DCT coefficients and how to accurately estimate the probability distribution. Our proposed TLRC is shown in Fig. 1, which consists of two crucial components, i.e., lossy transform coding module and residual entropy module. Among them, lossy transform coding is utilized to determine the optimal representation space for removing spatial redundancy. For precise entropy coding, the residual entropy module employs a learnable probability distribution prediction. Combining lossy transform coding and residual entropy coding allows for the generation of more compact bit streams for the compression of qualified DCT coefficients. In the sections that follow, we will discuss in detail the preprocessing of qualified DCT coefficients, lossy transform coding, and residual entropy coding.

Ii-B Preprocessing of Quantified DCT Coefficients

The quantified DCT coefficients of each block in the JPEG codec are stored in a matrix as shown in Fig. 2, which is hard to compress directly due to the interference of coefficients of different frequencies in the same spatial space. To transform the DCT coefficients into a format that can be effectively compressed, we follow [31] and preprocess the quantified DCT coefficients into frequency-based DCT images. As shown in Fig. 2, there are 64 coefficients corresponding to 64 frequency components for each block. We first utilise Zig-Zag scan to reshape the coefficients into one-hot vectors ascending in frequency from low to high. The spatial dimension is then constructed by combining the coefficients of the same frequency component. Finally, we can obtain a DCT image with the shape , where is 64 and and are the DCT image’s height and width, respectively. The DCT images are suitable for compression because 1) the components from the same frequency are aggregated in the same spatial dimension, which simplifies the spatial redundancy elimination of lossy transform coding. 2) The frequency components are consistent in the dimension of the channel, allowing for more efficient entropy coding.

Preprocessing of Quantified DCT Coefficients. Each
Fig. 2: Preprocessing of Quantified DCT Coefficients. Each block is flattened using the indicated zigzag scanning, and the collection of quantized DCT vectors can be reformed into a DCT image, with channels.

Ii-C Lossy transform coding for DCT image

After obtaining the processed DCT image with the shape of , we employ learned lossy transform coding to determine the optimal compact representation for the end-to-end compression of the DCT image. The components of learned lossy transform coding are non-linear transformation, relaxed quantization, and entropy coding. In particular, non-linear transform aims to transform the input DCT image into a representation of features that is compact and easily compressed. Relaxed quantization is used to simulate the process of hard quantization and ensure the backward propagation of the gradient. Entropy coding objectives for estimating rates during optimization and converting quantified coefficients to bit steam. As shown in in Fig. 1, as our lossy transform coding module, we employ the commonly-used hyper-prior based compression model in [5]. Given one preprocessed DCT image , the lossy transform coding module transforms DCT image to a compact representation with the non-linear transform, which consists of a series of fundamental modules, convolution, leaky relu [42], and GDN. The representation is then quantified to a group of discrete coefficients and transformed to a bit stream that used entropy coding. To improve the accuracy of entropy coding, the lossy transform coding module transmits to the decoder the side information for distribution estimation using the hyper-prior module. Therefore, the rate of lossy DCT image compression can be represented as Eq. 2:

(2)

where is the probability distribution of x’, refers to the probability distribution given the parameter and is the prior probability of , which is modeled with Gaussian distribution.

Ii-D Residual Entropy coding

To implement lossless JPEG transcoding, we calculate the residual between the original DCT coefficients and the decoded lossy DCT coefficients , and then adapt autoregressive context module based entropy coding to the residual . As shown in Fig. 1, context information is extracted from the residual using the mask convolution [30]. Then, we concatenate the context information and the reconstructed DCT information and estimate the probability estimation for logistic entropy coding with the module shown in Fig. 3. This module contains both simple convolution and leaky relu layers. In particular, we represent the residual coefficients in the spatial location of Y, Cr, Cb components as , , and . The distribution of residual can be represented as Eq. 3:

(3)

where the distribution of the residual is computed with Eq. 4 by introducing the prediction between different color components.

(4)

We further model the probability mass function (PMF) of the residual with discrete logistic mixture likelihood [34]. As shown in Fig. 3, we introduce a Entropy Model to estimate entropy parameters, including mixture weights , means , variances and mixture coefficients . denotes the index of the k-th logistic distribution. The channel autoregression over is implemented by updating the means:

(5)
Entropy parameter estimation sub-network. Given
Fig. 3: Entropy parameter estimation sub-network. Given and , estimates parameters of discrete logistic mixture likelihoods. All 1 × 1 convolutional layers except the last layer have 128 channels. The last convolutional layer has channels. K stands for the number of mixture logistic distribution.

Depart from the constrain on the rate terms and , we add a distortion term as the loss term to minimize the mean square error (MSE) between input x and lossy reconstruction . The full loss function for Learned JPEG image Transcoding is

(6)

where controls the “rate-distortion” trade-off. We choose as 0.03 empirically in this paper.

Iii Experiments

Iii-a Experimental Setup

Dataset: Our training dataset consists of 10,000 JPEG compressed images selected randomly from the ImageNet [33] training set. We evaluate our model on four popular datasets for compression: Kodak [18] dataset with 24 images, DIV2K [1] validation set with 100 images, CLIC [37] professional validation dataset with 41 images and CLIC mobile validation dataset with 61 images. Since our work is designed for lossless JPEG transcoding, the test datasets have been compressed by the JPEG codec to extract the quantified DCT coefficients.

Implementation Details: We first train only the lossy DCT image compression framework, where the rate is modeled by the entropy of quantized latent variables and the reconstruction distortion is measured by PSNR [14]. Then we load the pretrained lossy compression model and jointly train Lossy transform coding and Residual entropy to achieve end to end Lossless JPEG Transcoding. And our Lossless JPEG Transcoding is optimized for 500 epochs using Adam [9] with minibatches of size 16. The learning rate is set to for the first 450 epochs and decays to for the remaining 50 epochs.

Iii-B Performance

Performance comparison with the state-of-the-arts. To validate the effectiveness of our proposed TLRC, we compare it with multiple commonly-used lossless JPEG transcoding methods including Lepton [15] and JPEG XL [40] on four datasets. As shown in Table I, our TLRC  achieves obvious bits saving of 21.49%, which outperforms the Lepton by 1.97% in average.

BPP and Bit Saving(%)
Method Kodak DIV2K CLIC.mobile CLIC.pro
JPEG [40] 3.392 3.219 2.833 2.882
Lepton [15] 2.777 18.12% 2.564 20.35% 2.281 19.48% 2.302 20.13%
JPEG XL [2] 2.782 17 98% 2.670 17 04% 2.339 17.44% 2.321 19.47%
Ours 2.665 21.43% 2.526 21.53% 2.225 21.46% 2.261 21.55%
TABLE I: Performance comparison on various datasets

We also analyze the proportion of each bit stream component. The bit stream file is divisible into two components: the lossy bit stream file and the residual bit stream file. As shown in TABLE. II, the bit stream for residual accounts for nearly 80% of the total bit rate, whereas lossy bit streams only account for about 20% bit rate, indicating that the entropy coding portion of the residual can be further explored and optimized.

Item Kodak DIV2K CLIC.mobile CLIC.pro
lossy bin 0.513 0.477 0.449 0.465
residual bin 2.152 2.049 1.776 1.796
total 2.665 2.526 2.225 2.261
res / total 80.75% 81.16% 79.82% 79.43%
TABLE II: Lossy part and residual bitstreams analysis

Performance on different quality levels. We investigate the generalization capability of our proposed TLRCby directly applying the model trained on JPEG quality level 95 to different JPEG quality levels, including 55, 65, 75 and 85 in Fig. 4. Our method’s superiority is demonstrated by the fact that TLRCcan be adapted well to different JPEG quality levels, as shown in the figure.

Comparison of bits per pixel (BPP) on Kodak dataset when recompressing JPEG images of different quality levels (QP = 55, 65, 75, 85). We use the model trained with QP 95
Fig. 4: Comparison of bits per pixel (BPP) on Kodak dataset when recompressing JPEG images of different quality levels (QP = 55, 65, 75, 85). We use the model trained with QP 95

Iii-C Ablation Study

To verify the effectiveness of our lossy-plus-residual framework, we remove the bit stream compressed by lossy DCT and store the extracted feature information as the side information for the entropy encoding model. Then, the Laplace distribution is implemented to directly encode the entropy of the original DCT image. As demonstrated in Tab. III, removing the lossy transform coding module will result in an average performance decrease of 5.02%, indicating that transform coding is crucial for the compression of DCT coefficients.

BPP and Bit Saving(%)
Method Kodak DIV2K CLIC.mobile CLIC.pro
JPEG [40] 3.392 3.219 2.833 2.882
ours(w/o lossy) 2.834 16.45% 2.683 16.65% 2.372 16.27% 2.406 16.52%
Ours 2.665 21.43% 2.526 21.53% 2.225 21.46% 2.261 21.55%
TABLE III: Effectiveness of Lossy DCT image compression

Iv Conclusion

In this paper, we analyze the essential challenges in JPEG lossless transcoding, including 1) how to reduce spatial redundancy in DCT coefficients and 2) how to accurately estimate the probability for entropy coding. To address the mentioned issues, we propose an innovative lossless JPEG transcoding framework TLRC  that combines lossy transform coding and residual entropy coding. Lossy transform coding aims to reduce spatial redundancy in a compact form learned representation space. To learn an accurate probability distribution for entropy coding, residual entropy coding is employed. Extensive experiments and ablation studies on four representative datasets have demonstrated the effectiveness of our proposed TLRC.

Acknowledge

This work was supported in part by NSFC under Grant U1908209, 62021001 and the National Key Research and Development Program of China 2018AAA0101400

References

  • [1] E. Agustsson and R. Timofte (2017) Ntire 2017 challenge on single image super-resolution: dataset and study. In Proceedings of the IEEE conference on computer vision and pattern recognition workshops, pp. 126–135. Cited by: §I, §III-A.
  • [2] J. Alakuijala, S. Boukortt, T. Ebrahimi, E. Kliuchnikov, J. Sneyers, E. Upenik, L. Vandevenne, L. Versari, and J. Wassenberg (2020) Benchmarking jpeg xl image compression. In Optics, Photonics and Digital Technologies for Imaging Applications VI, Vol. 11353, pp. 113530X. Cited by: §I, TABLE I.
  • [3] J. Alakuijala, R. Van Asseldonk, S. Boukortt, M. Bruse, I. Comșa, M. Firsching, T. Fischbacher, E. Kliuchnikov, S. Gomez, R. Obryk, et al. (2019) JPEG xl next-generation image compression architecture and coding tools. In Applications of Digital Image Processing XLII, Vol. 11137, pp. 111370K. Cited by: §I.
  • [4] J. Ballé, V. Laparra, and E. P. Simoncelli (2016) End-to-end optimized image compression. arXiv preprint arXiv:1611.01704. Cited by: §I.
  • [5] J. Ballé, D. Minnen, S. Singh, S. J. Hwang, and N. Johnston (2018) Variational image compression with a scale hyperprior. arXiv preprint arXiv:1802.01436. Cited by: §I, §I, §II-C.
  • [6] I. Bauermann and E. Steinbach (2004) Further lossless compression of jpeg images. In Proceedings of PCS, Cited by: §I, §I.
  • [7] Z. Cheng, H. Sun, M. Takeuchi, and J. Katto (2020) Learned image compression with discretized gaussian mixture likelihoods and attention modules. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 7939–7948. Cited by: §I.
  • [8] C. Christopoulos, A. Skodras, and T. Ebrahimi (2000) The jpeg2000 still image coding system: an overview. IEEE Transactions on Consumer Electronics 46 (4), pp. 1103–1127. External Links: Document Cited by: §I.
  • [9] K. Da (2014) A method for stochastic optimization. arXiv preprint arXiv:1412.6980. Cited by: §III-A.
  • [10] J. Duda, K. Tahboub, N. J. Gadgil, and E. J. Delp (2015) The use of asymmetric numeral systems as an accurate replacement for huffman coding. In 2015 Picture Coding Symposium (PCS), pp. 65–69. Cited by: §I, §I.
  • [11] F. Dufaux, G. J. Sullivan, and T. Ebrahimi (2009) The jpeg xr image coding standard [standards in a nutshell]. IEEE Signal Processing Magazine 26 (6), pp. 195–204. External Links: Document Cited by: §I.
  • [12] Z. Guo, Y. Wu, R. Feng, Z. Zhang, and Z. Chen (2020) 3-d context entropy model for improved practical image compression. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops, pp. 116–117. Cited by: §I.
  • [13] E. Hoogeboom, J. Peters, R. Van Den Berg, and M. Welling (2019) Integer discrete flows and lossless compression. Advances in Neural Information Processing Systems 32. Cited by: §I.
  • [14] A. Hore and D. Ziou (2010) Image quality metrics: psnr vs. ssim. In 2010 20th international conference on pattern recognition, pp. 2366–2369. Cited by: §III-A.
  • [15] D. R. Horn, K. Elkabany, C. Lesniewski-Lass, and K. Winstein (2017) The design, implementation, and deployment of a system to transparently compress hundreds of petabytes of image files for a file-storage service. In 14th USENIX Symposium on Networked Systems Design and Implementation (NSDI 17), pp. 1–15. Cited by: §I, §III-B, TABLE I.
  • [16] D. P. Kingma and M. Welling (2013) Auto-encoding variational bayes. arXiv preprint arXiv:1312.6114. Cited by: §I.
  • [17] F. Kingma, P. Abbeel, and J. Ho (2019) Bit-swap: recursive bits-back coding for lossless compression with hierarchical latent variables. In International Conference on Machine Learning, pp. 3408–3417. Cited by: §I.
  • [18] E. Kodak (1993) Kodak lossless true color image suite (photocd pcd0992). URL http://r0k. us/graphics/kodak 6. Cited by: §I, §III-A.
  • [19] G. Lakhani (2003) Modified jpeg huffman coding. IEEE Transactions on Image Processing 12 (2), pp. 159–169. External Links: Document Cited by: §I, §I.
  • [20] G. Lakhani (2004) Improving dc coding models of jpeg arithmetic coder. IEEE Signal Processing Letters 11 (5), pp. 505–508. External Links: Document Cited by: §I, §I.
  • [21] G. Lakhani (2007) DCT coefficient prediction for jpeg image coding. In 2007 IEEE International Conference on Image Processing, Vol. 4, pp. IV – 189–IV – 192. External Links: Document Cited by: §I, §I.
  • [22] G. Lakhani (2012) Suppressing first row/column coefficients of dct blocks for lossless jpeg code reduction. In 2012 19th IEEE International Conference on Image Processing, pp. 2469–2472. Cited by: §I, §I.
  • [23] G. Lakhani (2013) Modifying jpeg binary arithmetic codec for exploiting inter/intra-block and dct coefficient sign redundancies. IEEE Transactions on Image Processing 22 (4), pp. 1326–1339. External Links: Document Cited by: §I, §I.
  • [24] B. Li, X. Li, Y. Lu, S. Liu, R. Feng, and Z. Chen (2022) HST: hierarchical swin transformer for compressed image super-resolution. In Proceedings of the European Conference on Computer Vision (ECCV) Workshops, Cited by: §I.
  • [25] X. Li, S. Sun, Z. Zhang, and Z. Chen (2020) Multi-scale grouped dense network for vvc intra coding. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops, pp. 158–159. Cited by: §I.
  • [26] J. Liu, X. Li, Y. Peng, T. Yu, and Z. Chen (2022) SwinIQA: learned swin distance for compressed image quality assessment. arXiv preprint arXiv:2205.04264. Cited by: §I.
  • [27] I. Matsuda, Y. Nomoto, K. Wakabayashi, and S. Itoh (2008) Lossless re-encoding of jpeg images using block-adaptive intra prediction. In 2008 16th European Signal Processing Conference, Vol. , pp. 1–5. External Links: Document Cited by: §I, §I.
  • [28] F. Mentzer, E. Agustsson, M. Tschannen, R. Timofte, and L. V. Gool (2019) Practical full resolution learned lossless image compression. In Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, pp. 10629–10638. Cited by: §I.
  • [29] D. Minnen, J. Ballé, and G. D. Toderici (2018) Joint autoregressive and hierarchical priors for learned image compression. Advances in neural information processing systems 31. Cited by: §I.
  • [30] D. Minnen, J. Ballé, and G. D. Toderici (2018) Joint autoregressive and hierarchical priors for learned image compression. Advances in neural information processing systems 31. Cited by: §II-D.
  • [31] C. Nash, J. Menick, S. Dieleman, and P. W. Battaglia (2021) Generating images with sparse representations. arXiv preprint arXiv:2103.03841. Cited by: §I, §II-B.
  • [32] N. Ponomarenko, K. Egiazarian, V. Lukin, and J. Astola (2005) Additional lossless compression of jpeg images. In ISPA 2005. Proceedings of the 4th International Symposium on Image and Signal Processing and Analysis, 2005., Vol. , pp. 117–120. External Links: Document Cited by: §I, §I.
  • [33] O. Russakovsky, J. Deng, H. Su, J. Krause, S. Satheesh, S. Ma, Z. Huang, A. Karpathy, A. Khosla, M. Bernstein, A. C. Berg, and L. Fei-Fei (2015) ImageNet Large Scale Visual Recognition Challenge. International Journal of Computer Vision (IJCV) 115 (3), pp. 211–252. External Links: Document Cited by: §III-A.
  • [34] T. Salimans, A. Karpathy, X. Chen, and D. P. Kingma (2017) Pixelcnn++: improving the pixelcnn with discretized logistic mixture likelihood and other modifications. arXiv preprint arXiv:1701.05517. Cited by: §II-D.
  • [35] K. Skretting, J. H. Husøy, and S. O. Aase (1999) Improved huffman coding using recursive splitting. In Proceedings of Norwegian Signal Processing, NORSIG, pp. 92–95. Cited by: §I, §I.
  • [36] L. Theis, W. Shi, A. Cunningham, and F. Huszár (2017) Lossy image compression with compressive autoencoders. arXiv preprint arXiv:1703.00395. Cited by: §I.
  • [37] G. Toderici, W. Shi, R. Timofte, L. Theis, J. Ballé, E. Agustsson, N. Johnston, and F. Mentzer (2020) Workshop and challenge on learned image compression (clic2020). In CVPR, Cited by: §I, §III-A.
  • [38] J. Townsend, T. Bird, and D. Barber (2019) Practical lossless compression with latent variables using bits back coding. arXiv preprint arXiv:1901.04866. Cited by: §I.
  • [39] W. W.Y. (2009) New lossless compression method for jpeg. In 2009 Pacific-Asia Conference on Circuits, Communications and Systems, Vol. , pp. 489–490. External Links: Document Cited by: §I, §I.
  • [40] G.K. Wallace (1992) The jpeg still picture compression standard. IEEE Transactions on Consumer Electronics 38 (1), pp. xviii–xxxiv. External Links: Document Cited by: §I, §I, §III-B, TABLE I, TABLE III.
  • [41] Y. Wu, X. Li, Z. Zhang, X. Jin, and Z. Chen (2021) Learned block-based hybrid image compression. IEEE Transactions on Circuits and Systems for Video Technology. Cited by: §I.
  • [42] J. Xu, Z. Li, B. Du, M. Zhang, and J. Liu (2020) Reluplex made more practical: leaky relu. In 2020 IEEE Symposium on Computers and communications (ISCC), pp. 1–7. Cited by: §II-C.
  • [43] S. Zhang, C. Zhang, N. Kang, and Z. Li (2021) Ivpf: numerical invertible volume preserving flow for efficient lossless compression. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 620–629. Cited by: §I.