All Projects → zhaominyiz → RFDA-PyTorch

zhaominyiz / RFDA-PyTorch

Licence: Apache-2.0 license
Official Code for 'Recursive Fusion and Deformable Spatiotemporal Attention for Video Compression Artifact Reduction' - ACM Multimedia2021 (ACMMM2021) Accepted Paper Task: Video Quality Enhancement / Video Compression Artifact Reduction

Programming Languages

python
139335 projects - #7 most used programming language
Cuda
1817 projects
C++
36643 projects - #6 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to RFDA-PyTorch

mfqev2.0
Official repository of "MFQE 2.0: A New Approach for Multi-frame Quality Enhancement on Compressed Video", TPAMI 2019.
Stars: ✭ 142 (+222.73%)
Mutual labels:  video-enhancement, video-restoration
Implicit-Internal-Video-Inpainting
[ICCV 2021]: IIVI: Internal Video Inpainting by Implicit Long-range Propagation
Stars: ✭ 190 (+331.82%)
Mutual labels:  video-processing, deeplearning
Vectorhub
Vector Hub - Library for easy discovery, and consumption of State-of-the-art models to turn data into vectors. (text2vec, image2vec, video2vec, graph2vec, bert, inception, etc)
Stars: ✭ 317 (+620.45%)
Mutual labels:  video-processing, deeplearning
googlecodelabs
TPU ile Yapay Sinir Ağlarınızı Çok Daha Hızlı Eğitin
Stars: ✭ 116 (+163.64%)
Mutual labels:  deeplearning
IMTA
No description or website provided.
Stars: ✭ 38 (-13.64%)
Mutual labels:  deeplearning
Printed-Chinese-Character-OCR
This is a Chinese Character ocr system based on Deep learning (VGG like CNN neural net work),this rep include trainning set generating,image preprocesing,NN model optimizing based on Keras high level NN framwork
Stars: ✭ 21 (-52.27%)
Mutual labels:  deeplearning
FunVideo
A series of embeddable theme into video, include animation and voice.
Stars: ✭ 19 (-56.82%)
Mutual labels:  video-processing
smd
Simple mmdetection CPU inference
Stars: ✭ 27 (-38.64%)
Mutual labels:  deeplearning
rembg-greenscreen
Rembg Video Virtual Green Screen Edition
Stars: ✭ 210 (+377.27%)
Mutual labels:  deeplearning
slitcamera
Bash script to turn video file into slit photo
Stars: ✭ 41 (-6.82%)
Mutual labels:  video-processing
Kapsul-Aglari-ile-Isaret-Dili-Tanima
Recognition of Sign Language using Capsule Networks
Stars: ✭ 42 (-4.55%)
Mutual labels:  deeplearning
Nearest-Celebrity-Face
Tensorflow Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours.
Stars: ✭ 30 (-31.82%)
Mutual labels:  deeplearning
TFDeepSurv
COX Proportional risk model and survival analysis implemented by tensorflow.
Stars: ✭ 75 (+70.45%)
Mutual labels:  deeplearning
buildTensorflow
A lightweight deep learning framework made with ❤️
Stars: ✭ 28 (-36.36%)
Mutual labels:  deeplearning
Cross-Domain-Image-Translation-Using-CycleGAN
CycleGAN based neural network architecture to change the gender of a person’s face
Stars: ✭ 15 (-65.91%)
Mutual labels:  deeplearning
knime-tensorflow
KNIME Deep Learning - Tensorflow Integration
Stars: ✭ 18 (-59.09%)
Mutual labels:  deeplearning
UACANet
Official PyTorch implementation of UACANet: Uncertainty Augmented Context Attention for Polyp Segmentation (ACMMM 2021)
Stars: ✭ 71 (+61.36%)
Mutual labels:  acmmm2021
NaturalGroundingPlayer
Sequence videos based on their energy readings
Stars: ✭ 46 (+4.55%)
Mutual labels:  video-processing
DrawingBotV3
DrawingBotV3 is a software for creating line drawings from Images
Stars: ✭ 161 (+265.91%)
Mutual labels:  video-processing
image segmentation dl
🍞 基于深度学习方法的图像分割(含语义分割、实例分割、全景分割)。
Stars: ✭ 76 (+72.73%)
Mutual labels:  deeplearning

RFDA-Pytorch

Official Code for 'Recursive Fusion and Deformable Spatiotemporal Attention for Video Compression Artifact Reduction'

ACM Multimedia 2021 (ACMMM2021) Accepted Paper

Task: Video Quality Enhancement / Video Compression Artifact Reduction

The code will be gradually open source!

Open Source Scheduler

1 Release RF and DSTA core code within one month after camera ready [Done]

2 Release test code and models at five QP [Done]

3 Release train code (you know, in a mass ) [Done]

📧 Contact 📧

Feel free to contact me if you have any problems! [email protected]

1. Pre-request

1.1. Environment

  • Ubuntu 20.04/18.04
  • CUDA 10.1
  • PyTorch 1.6
  • Packages: tqdm, lmdb, pyyaml, opencv-python, scikit-image

Suppose that you have installed CUDA 10.1, then:

$ git clone --depth=1 https://github.com/zhaominyiz/RFDA-PyTorch 
$ cd RFDA-PyTorch/
$ conda create -n video python=3.7 -y
$ conda activate video
$ python -m pip install torch==1.6.0+cu101 torchvision==0.7.0+cu101 -f https://download.pytorch.org/whl/torch_stable.html
$ python -m pip install tqdm lmdb pyyaml opencv-python scikit-image

1.2. DCNv2

Build DCNv2.

$ cd ops/dcn/
$ bash build.sh

(Optional) Check if DCNv2 works.

$ python simple_check.py

The DCNv2 source files here is different from the open-sourced version due to incompatibility. [issue]

🔥 2. Train 🔥

Build the dataset! check create_lmdb_mfqe_rf.py

Train RF only!

Train RFDA! check train_rf_ft.py!

3. Test

3.1 Test MFQE 2.0 dataset

Please build the MFQE 2.0 dataset first (See Here), then run test_yuv_RF.py.

More instructions will coming soon!

$ python test_yuv_RF.py --opt_path config/****.yml

3.2 Test your own video clip

For yuv videos, you may refer to test_one_video_yuv_RF.py.

$ python test_one_video_yuv_RF.py --opt_path config/****.yml

For rgb videos, we will update new model and codes soon.

🌱 3.3 Pretrain models 🌱

RFDAQP22,27,32,37,42(trained on YUV space): BaiduDisk (RFDA) GoogleDisk

BRFQP37(trained on YUV space): ToBeDone!

🍻 Results 🍻

Comparison with State of the Art Methods

vssota

Speed and parameter size comparison

speedvs

💖 Visualization Video Demo 💖

RFDA_Quick_DEMO.mp4

😉 Related Works 😉

· Boosting the performance of video compression artifact reduction with reference frame proposals and frequency domain information [Paper]

· Non-local convlstm for video compression artifact reduction [Paper] [Code]

😆 Citation 😆

If you find this project is useful for your research, please cite:

@inproceedings{zhao2021recursive,
  title={Recursive Fusion and Deformable Spatiotemporal Attention for Video Compression Artifact Reduction},
  author={Zhao, Minyi and Xu, Yi and Zhou, Shuigeng},
  booktitle={Proceedings of the 29th ACM International Conference on Multimedia},
  pages={5646--5654},
  year={2021}
}

👍 Special Thanks 👍

Our framework is based on STDF-Pytoch. Thank RyanXingQL for his work!

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].