重磅推荐:2020年人工智能最精彩的25篇论文(附下载)-程序员宅基地

技术标签: 机器学习  深度学习  人工智能  编程语言  神经网络  

本文推荐整理的2020年人工智能最新突破的25篇论文,包含论文下载、视频说明、代码下载。

这是今年最精彩的人工智能方向的研究论文,本文帮您整理了。简而言之,这是一份精心策划人工智能和数据科学领域最新突破的论文清单,包含了视频说明、论文下载、代码下载等等,此外,每一篇论文的完整参考文献都在文末进行罗列。

维护者:[louisfb01]:(https://github.com/louisfb01)

电子邮件 [email protected]

完整论文清单

  • [YOLOv4: Optimal Speed and Accuracy of Object Detection [1]]

  • [DeepFaceDrawing: Deep Generation of Face Images from Sketches [2]]

  • [PULSE: Self-Supervised Photo Upsampling via Latent Space Exploration of Generative Models [3]]

  • [Unsupervised Translation of Programming Languages [4]]

  • [PIFuHD: Multi-Level Pixel-Aligned Implicit Function for High-Resolution 3D Human Digitization [5]]

  • [High-Resolution Neural Face Swapping for Visual Effects [6]]

  • [Swapping Autoencoder for Deep Image Manipulation [7]]

  • [GPT-3: Language Models are Few-Shot Learners [8]]

  • [Learning Joint Spatial-Temporal Transformations for Video Inpainting [9]]

  • [Image GPT - Generative Pretraining from Pixels [10]]

  • [Learning to Cartoonize Using White-box Cartoon Representations [11]]

  • [FreezeG: Freeze the Discriminator: a Simple Baseline for Fine-Tuning GANs [12]]

  • [Neural Re-Rendering of Humans from a Single Image [13]]

  • [I2L-MeshNet: Image-to-Lixel Prediction Network for Accurate 3D Human Pose and Mesh Estimation from a Single RGB Image [14]]:(#14)

  • [Beyond the Nav-Graph: Vision-and-Language Navigation in Continuous Environments [15]]

  • [RAFT: Recurrent All-Pairs Field Transforms for Optical Flow [16]]

  • [Crowdsampling the Plenoptic Function [17]]

  • [Old Photo Restoration via Deep Latent Space Translation [18]]

  • [Neural circuit policies enabling auditable autonomy [19]]

  • [Lifespan Age Transformation Synthesis [20]]

  • [COOT: Cooperative Hierarchical Transformer for Video-Text Representation Learning [21]]

  • [Stylized Neural Painting [22]]

  • [Is a Green Screen Really Necessary for Real-Time Portrait Matting? [23]]

  • [ADA: Training Generative Adversarial Networks with Limited Data [24]]

  • [Improving Data‐Driven Global Weather Prediction Using Deep Convolutional Neural Networks on a Cubed Sphere [25]]

  • [Paper references]

YOLOv4: Optimal Speed and Accuracy of Object Detection [1]

This 4th version has been recently introduced in April 2020 by Alexey Bochkovsky et al. in the paper "YOLOv4: Optimal Speed and Accuracy of Object Detection". The main goal of this algorithm was to make a super-fast object detector with high quality in terms of accuracy.

  • [The YOLOv4 algorithm | Introduction to You Only Look Once, Version 4 | Real Time Object Detection ]:(https://youtu.be/CtjZFkO5RPw) - 短视频说明

  • [The YOLOv4 algorithm | Introduction to You Only Look Once, Version 4 | Real-Time Object Detection]:(https://medium.com/what-is-artificial-intelligence/the-yolov4-algorithm-introduction-to-you-only-look-once-version-4-real-time-object-detection-5fd8a608b0fa) - 简短阅读

  • [YOLOv4: Optimal Speed and Accuracy of Object Detection]:(https://arxiv.org/abs/2004.10934) - 论文下载

  • [Click here for the Yolo v4 code]:(https://github.com/AlexeyAB/darknet) - 代码下载

DeepFaceDrawing: Deep Generation of Face Images from Sketches [2]

You can now generate high-quality face images from rough or even incomplete sketches with zero drawing skills using this new image-to-image translation technique! If your drawing skills as bad as mine you can even adjust how much the eyes, mouth, and nose will affect the final image! Let's see if it really works and how they did it.

  • [AI Generates Real Faces From Sketches! DeepFaceDrawing Overview | Image-to-image translation in 2020]:(https://youtu.be/djXdgCVB0oM) - 短视频说明

  • [AI Generates Real Faces From Sketches!]:(https://medium.com/what-is-artificial-intelligence/ai-generates-real-faces-from-sketches-8ccbac5d2b2e) - 简短阅读

  • [DeepFaceDrawing: Deep Generation of Face Images from Sketches]:(http://geometrylearning.com/paper/DeepFaceDrawing.pdf) - 论文下载

  • [Click here for the DeepFaceDrawing code]:(https://github.com/IGLICT/DeepFaceDrawing-Jittor) - 代码下载

PULSE: Self-Supervised Photo Upsampling via Latent Space Exploration of Generative Models [3]

This new algorithm transforms a blurry image into a high-resolution image! It can take a super low-resolution 16x16 image and turn it into a 1080p high definition human face! You don't believe me? Then you can do just like me and try it on yourself in less than a minute! But first, let's see how they did that.

  • [This AI makes blurry faces look 60 times sharper! Introduction to PULSE: photo upsampling]:(https://youtu.be/cgakyOI9r8M) - 短视频说明

  • [This AI makes blurry faces look 60 times sharper]:(https://medium.com/what-is-artificial-intelligence/this-ai-makes-blurry-faces-look-60-times-sharper-7fcd3b820910) - 简短阅读

  • [PULSE: Self-Supervised Photo Upsampling via Latent Space Exploration of Generative Models]:(https://arxiv.org/abs/2003.03808) - 论文下载

  • [Click here for the PULSE code]:(https://github.com/adamian98/pulse) - 代码下载

Unsupervised Translation of Programming Languages [4]

This new model converts code from a programming language to another without any supervision! It can take a Python function and translate it into a C++ function, and vice-versa, without any prior examples! It understands the syntax of each language and can thus generalize to any programming language! Let's see how they did that.

  • [This AI translates code from a programming language to another | Facebook TransCoder Explained]:(https://youtu.be/u6kM2lkrGQk) - 短视频说明

  • [This AI translates code from a programming language to another | Facebook TransCoder Explained]:(https://medium.com/what-is-artificial-intelligence/this-ai-translates-code-from-a-programming-language-to-another-facebook-transcoder-explained-3017d052f4fd) - 简短阅读

  • [Unsupervised Translation of Programming Languages]:(https://arxiv.org/abs/2006.03511) - 论文下载

  • [Click here for the Transcoder code]:(https://github.com/facebookresearch/TransCoder?utm_source=catalyzex.com) - 代码下载

PIFuHD: Multi-Level Pixel-Aligned Implicit Function for High-Resolution 3D Human Digitization [5]

This AI Generates 3D high-resolution reconstructions of people from 2D images! It only needs a single image of you to generate a 3D avatar that looks just like you, even from the back!

  • [AI Generates 3D high-resolution reconstructions of people from 2D images | Introduction to PIFuHD]:(https://youtu.be/ajWtdm05-6g) - 短视频说明

  • [AI Generates 3D high-resolution reconstructions of people from 2D images | Introduction to PIFuHD]:(https://medium.com/towards-artificial-intelligence/ai-generates-3d-high-resolution-reconstructions-of-people-from-2d-images-introduction-to-pifuhd-d4aa515a482a) - 简短阅读

  • [PIFuHD: Multi-Level Pixel-Aligned Implicit Function for High-Resolution 3D Human Digitization]:(https://arxiv.org/pdf/2004.00452.pdf) - 论文下载

  • [Click here for the PiFuHD code]:(https://github.com/facebookresearch/pifuhd) - 代码下载

High-Resolution Neural Face Swapping for Visual Effects [6]

Researchers at Disney developed a new High-Resolution Face Swapping algorithm for Visual Effects in 论文下载 of the same name. It is capable of rendering photo-realistic results at megapixel resolution. Working for Disney, they are most certainly the best team for this work. Their goal is to swap the face of a target actor from a source actor while maintaining the actor's performance. This is incredibly challenging and is useful in many circumstances, such as changing the age of a character, when an actor is not available, or even when it involves a stunt scene that would be too dangerous for the main actor to perform. The current approaches require a lot of frame-by-frame animation and post-processing by professionals.

  • [Disney's New High Resolution Face Swapping Algorithm | New 2020 Face Swap Technology Explained]:(https://youtu.be/EzyhA46DQWA) - 短视频说明

  • [Disney's New High-Resolution Face Swapping Algorithm | New 2020 Face Swap Technology Explained]:(https://medium.com/what-is-artificial-intelligence/disneys-new-high-resolution-face-swapping-algorithm-new-2020-face-swap-technology-explained-da7dc8caa2f2) - 简短阅读

  • [High-Resolution Neural Face Swapping for Visual Effects]:(https://studios.disneyresearch.com/2020/06/29/high-resolution-neural-face-swapping-for-visual-effects/) - 论文下载

Swapping Autoencoder for Deep Image Manipulation [7]

This new technique can change the texture of any picture while staying realistic using complete unsupervised training! The results look even better than what GANs can achieve while being way faster! It could even be used to create deepfakes!

  • [Texture-Swapping AI beats GANs for Image Manipulation! New Technique: Swapping Autoencoder Explained]:(https://youtu.be/hPR4cRzQY0s) - 短视频说明

  • [Texture-Swapping AI beats GANs for Image Manipulation!]:(https://medium.com/what-is-artificial-intelligence/texture-swapping-ai-beats-gans-for-image-manipulation-e05700782183) - 简短阅读

  • [Swapping Autoencoder for Deep Image Manipulation]:(https://arxiv.org/abs/2007.00653) - 论文下载

  • [Click here for the Swapping autoencoder code]:(https://github.com/rosinality/swapping-autoencoder-pytorch?utm_source=catalyzex.com) - 代码下载

GPT-3: Language Models are Few-Shot Learners [8]

The current state-of-the-art NLP systems struggle to generalize to work on different tasks. They need to be fine-tuned on datasets of thousands of examples while humans only need to see a few examples to perform a new language task. This was the goal behind GPT-3, to improve the task-agnostic characteristic of language models.

  • [OpenAI's New Language Generator: GPT-3 | This AI Generates Code, Websites, Songs & More From Words]:(https://youtu.be/gDDnTZchKec) - 短视频说明

  • [Can GPT-3 Really Help You and Your Company?]:(https://medium.com/towards-artificial-intelligence/can-gpt-3-really-help-you-and-your-company-84dac3c5b58a) - 简短阅读

  • [Language Models are Few-Shot Learners]:(https://arxiv.org/pdf/2005.14165.pdf) - 论文下载

  • [Click here for GPT-3's GitHub page]:(https://github.com/openai/gpt-3) - The GitHub

Learning Joint Spatial-Temporal Transformations for Video Inpainting [9]

This AI can fill the missing pixels behind a removed moving object and reconstruct the whole video with way more accuracy and less blurriness than current state-of-the-art approaches!

  • [This AI Takes a Video and Fills the Missing Pixels Behind an Object ! Video Inpainting]:(https://youtu.be/MAxMYGoN5U0) - 短视频说明

  • [This AI takes a video and fills the missing pixels behind an object!]:(https://medium.com/towards-artificial-intelligence/this-ai-takes-a-video-and-fills-the-missing-pixels-behind-an-object-video-inpainting-9be38e141f46) - 简短阅读

  • [Learning Joint Spatial-Temporal Transformations for Video Inpainting]:(https://arxiv.org/abs/2007.10247) - 论文下载

  • [Click here for this Video Inpainting code]:(https://github.com/researchmm/STTN?utm_source=catalyzex.com) - 代码下载

Image GPT - Generative Pretraining from Pixels [10]

A good AI, like the one used in Gmail, can generate coherent text and finish your phrase. This one uses the same principles in order to complete an image! All done in an unsupervised training with no labels required at all!

  • [This AI Can Generate the Other Half of a Picture Using a GPT Model]:(https://youtu.be/FwXQ568_io0) - 短视频说明

  • [This AI Can Generate the Other Half of a Picture Using a GPT Model]:(https://medium.com/towards-artificial-intelligence/this-ai-can-generate-the-pixels-of-half-of-a-picture-from-nothing-using-a-nlp-model-7d7ba14b5522) - 简短阅读

  • [Image GPT - Generative Pretraining from Pixels]:(https://openai.com/blog/image-gpt/) - 论文下载

  • [Click here for the OpenAI's Image GPT code]:(https://github.com/openai/image-gpt) - 代码下载

Learning to Cartoonize Using White-box Cartoon Representations [11]

This AI can cartoonize any picture or video you feed it in the cartoon style you want! Let's see how it does that and some amazing examples. You can even try it yourself on the website they created as I did for myself!

  • [This AI can cartoonize any picture or video you feed it! Paper Introduction & Results examples]:(https://youtu.be/GZVsONq3qtg) - 短视频说明

  • [This AI can cartoonize any picture or video you feed it! Paper Introduction & Results examples]:(https://medium.com/what-is-artificial-intelligence/this-ai-can-cartoonize-any-picture-or-video-you-feed-it-paper-introduction-results-examples-d7e400d8c3e8) - 简短阅读

  • [Learning to Cartoonize Using White-box Cartoon Representations]:(https://systemerrorwang.github.io/White-box-Cartoonization/paper/06791.pdf) - 论文下载

  • [Click here for the Cartoonize code]:(https://github.com/SystemErrorWang/White-box-Cartoonization) - 代码下载

FreezeG: Freeze the Discriminator: a Simple Baseline for Fine-Tuning GANs [12]

This face generating model is able to transfer normal face photographs into distinctive styles such as Lee Mal-Nyeon's cartoon style, the Simpsons, arts, and even dogs! The best thing about this new technique is that it's super simple and significantly outperforms previous techniques used in GANs.

  • [This Face Generating Model Transfers Real Face Photographs Into Distinctive Cartoon Styles | FreezeG]:(https://youtu.be/RvPUVniQiuw) - 短视频说明

  • [This Face Generating Model Transfers Real Face Photographs Into Distinctive Cartoon Styles]:(https://medium.com/what-is-artificial-intelligence/this-face-generating-model-transfers-real-face-photographs-into-distinctive-cartoon-styles-33dde907737a) - 简短阅读

  • [Freeze the Discriminator: a Simple Baseline for Fine-Tuning GANs]:(https://arxiv.org/pdf/2002.10964.pdf) - 论文下载

  • [Click here for the FreezeG code]:(https://github.com/sangwoomo/freezeD?utm_source=catalyzex.com) - 代码下载

Neural Re-Rendering of Humans from a Single Image [13]

The algorithm represents body pose and shape as a parametric mesh which can be reconstructed from a single image and easily reposed. Given an image of a person, they are able to create synthetic images of the person in different poses or with different clothing obtained from another input image.

  • [Transfer clothes between photos using AI. From a single image!]:(https://youtu.be/E7fGsSNKMc4) - 短视频说明

  • [Transfer clothes between photos using AI. From a single image!]:(https://medium.com/dataseries/transfer-clothes-between-photos-using-ai-from-a-single-image-4430a291afd7) - 简短阅读

  • [Neural Re-Rendering of Humans from a Single Image]:(http://gvv.mpi-inf.mpg.de/projects/NHRR/data/1415.pdf) - 论文下载

I2L-MeshNet: Image-to-Lixel Prediction Network for Accurate 3D Human Pose and Mesh Estimation from a Single RGB Image [14]

DescHere

  • [Accurate 3D Human Pose and Mesh Estimation from a Single RGB Image! With Code Publicly Avaibable!]:(https://youtu.be/tDz2wTixcrI) - 短视频说明

  • [Accurate 3D Human Pose and Mesh Estimation from a Single RGB Image! With Code Publicly Avaibable!]:(https://medium.com/dataseries/accurate-3d-human-pose-and-mesh-estimation-from-a-single-rgb-image-with-code-publicly-avaibable-b7cc995bcf2a) - 简短阅读

  • [I2L-MeshNet: Image-to-Lixel Prediction Network for Accurate 3D Human Pose and Mesh Estimation from a Single RGB Image]:(https://www.catalyzex.com/paper/arxiv:2008.03713?fbclid=IwAR1pQGBhIwO4gW4mVZm1UEtyPLyZInsLZMyq3EoANaWxGO0CZ00Sj3ViM7I) - 论文下载

Beyond the Nav-Graph: Vision-and-Language Navigation in Continuous Environments [15]

Language-guided navigation is a widely studied field and a very complex one. Indeed, it may seem simple for a human to just walk through a house to get to your coffee that you left on your nightstand to the left of your bed. But it is a whole other story for an agent, which is an autonomous AI-driven system using deep learning to perform tasks.

  • [Language-Guided Navigation in 3D Environment | Facebook AI Research (with code publicly available!)]:(https://youtu.be/Fw_RUlUjuN4) - 短视频说明

  • [Language-Guided Navigation in a 3D Environment]:(https://medium.com/r/?url=https%3A%2F%2Fbecominghuman.ai%2Flanguage-guided-navigation-in-a-3d-environment-e3cf4102fb89) - 简短阅读

  • [Beyond the Nav-Graph: Vision-and-Language Navigation in Continuous Environments]:(https://arxiv.org/pdf/2004.02857.pdf) - 论文下载

  • [Click here for the VLN-CE code]:(https://github.com/jacobkrantz/VLN-CE) - 代码下载

RAFT: Recurrent All-Pairs Field Transforms for Optical Flow [16]

ECCV 2020 Best Paper Award Goes to Princeton Team. They developed a new end-to-end trainable model for optical flow. Their method beats state-of-the-art architectures' accuracy across multiple datasets and is way more efficient. They even made 代码下载 available for everyone on their Github!

  • [ECCV 2020 Best Paper Award | RAFT: A New Deep Network Architecture For Optical Flow | WITH CODE]:(https://youtu.be/OSEuYBwOSGI) - 短视频说明

  • [ECCV 2020 Best Paper Award | A New Architecture For Optical Flow]:(https://medium.com/towards-artificial-intelligence/eccv-2020-best-paper-award-a-new-architecture-for-optical-flow-3298c8a40dc7) - 简短阅读

  • [RAFT: Recurrent All-Pairs Field Transforms for Optical Flow]:(https://arxiv.org/pdf/2003.12039.pdf) - 论文下载

  • [Click here for the RAFT code]:(https://github.com/princeton-vl/RAFT) - 代码下载

Crowdsampling the Plenoptic Function [17]

Using tourists' public photos from the internet, they were able to reconstruct multiple viewpoints of a scene conserving the realistic shadows and lighting! This is a huge advancement of the state-of-the-art techniques for photorealistic scene rendering and their results are simply amazing.

  • [Reconstruct photorealistic scenes from tourists public photos on the internet!]:(https://youtu.be/F_JqJNBvJ64) - 短视频说明

  • [Reconstruct Photorealistic Scenes from Tourists' Public Photos on the Internet!]:(https://medium.com/towards-artificial-intelligence/reconstruct-photorealistic-scenes-from-tourists-public-photos-on-the-internet-bb9ad39c96f3) - 简短阅读

  • [Crowdsampling the Plenoptic Function]:(https://research.cs.cornell.edu/crowdplenoptic/) - 论文下载

  • [Click here for the Crowdsampling code]:(https://github.com/zhengqili/Crowdsampling-the-Plenoptic-Function) - 代码下载

Old Photo Restoration via Deep Latent Space Translation [18]

Imagine having the old, folded, and even torn pictures of your grandmother when she was 18 years old in high definition with zero artifacts. This is called old photo restoration and this paper just opened a whole new avenue to address this problem using a deep learning approach.

  • [Old Photo Restoration Using Deep Learning | 2020 Novel Approach Explained & Results]:(https://youtu.be/QUmrIpl0afQ) - 短视频说明

  • [Old Photo Restoration using Deep Learning]:(https://medium.com/towards-artificial-intelligence/old-photo-restoration-using-deep-learning-47d4ab1bdc4d) - 简短阅读

  • [Old Photo Restoration via Deep Latent Space Translation]:(https://arxiv.org/pdf/2009.07047.pdf) - 论文下载

  • [Click here for the Old Photo Restoration code]:(https://github.com/microsoft/Bringing-Old-Photos-Back-to-Life?utm_source=catalyzex.com) - 代码下载

Neural circuit policies enabling auditable autonomy [19]

Researchers from IST Austria and MIT have successfully trained a self-driving car using a new artificial intelligence system based on the brains of tiny animals, such as threadworms. They achieved that with only a few neurons able to control the self-driving car, compared to the millions of neurons needed by the popular deep neural networks such as Inceptions, Resnets, or VGG. Their network was able to completely control a car using only 75 000 parameters, composed of 19 control neurons, rather than millions!

  • [A new brain-inspired intelligent system can drive a car using only 19 control neurons!]:(https://youtu.be/wAa358pNDkQ) - 短视频说明

  • [A New Brain-inspired Intelligent System Drives a Car Using Only 19 Control Neurons!]:(https://medium.com/towards-artificial-intelligence/a-new-brain-inspired-intelligent-system-drives-a-car-using-only-19-control-neurons-1ed127107db9) - 简短阅读

  • [Neural circuit policies enabling auditable autonomy]:(https://www.nature.com/articles/s42256-020-00237-3.epdf?sharing_token=xHsXBg2SoR9l8XdbXeGSqtRgN0jAjWel9jnR3ZoTv0PbS_e49wmlSXvnXIRQ7wyir5MOFK7XBfQ8sxCtVjc7zD1lWeQB5kHoRr4BAmDEU0_1-UN5qHD5nXYVQyq5BrRV_tFa3_FZjs4LBHt-yebsG4eQcOnNsG4BenK3CmBRFLk%3D) - 论文下载

  • [Click here for the NCP code]:(https://github.com/mlech26l/keras-ncp) - 代码下载

Lifespan Age Transformation Synthesis [20]

A team of researchers from Adobe Research developed a new technique for age transformation synthesis based on only one picture from the person. It can generate the lifespan pictures from any picture you sent it.

  • [Lifespan Age Transformation Synthesis | Generate Younger & Older Versions of Yourself !]:(https://youtu.be/xA-3cWJ4Y9Q) - 短视频说明

  • [Generate Younger & Older Versions of Yourself!]:(https://medium.com/towards-artificial-intelligence/generate-younger-older-versions-of-yourself-1a87f970f3da) - 简短阅读

  • [Lifespan Age Transformation Synthesis]:(https://arxiv.org/pdf/2003.09764.pdf) - 论文下载

  • [Click here for the Lifespan age transformation synthesis code]:(https://github.com/royorel/Lifespan_Age_Transformation_Synthesis) - 代码下载

DeOldify

DeOldify is a technique to colorize and restore old black and white images or even film footage. It was developed and is still getting updated by only one person Jason Antic. It is now the state of the art way to colorize black and white images, and everything is open-sourced, but we will get back to this in a bit.

  • [This AI can Colorize your Black & White Photos with Full Photorealistic Renders! (DeOldify)]:(https://youtu.be/1EP_Lq04h4M) - 短视频说明

  • [This AI can Colorize your Black & White Photos with Full Photorealistic Renders! (DeOldify)]:(https://medium.com/towards-artificial-intelligence/this-ai-can-colorize-your-black-white-photos-with-full-photorealistic-renders-deoldify-bf1eed5cb02a) - 简短阅读

  • [Click here for the DeOldify code]:(https://github.com/jantic/DeOldify) - 代码下载

COOT: Cooperative Hierarchical Transformer for Video-Text Representation Learning [21]

As the name states, it uses transformers to generate accurate text descriptions for each sequence of a video, using both the video and a general description of it as inputs.

  • [Video to Text Description Using Deep Learning and Transformers | COOT]:(https://youtu.be/5TRp5SuEtoY) - 短视频说明

  • [Video to Text Description Using Deep Learning and Transformers | COOT]:(https://medium.com/towards-artificial-intelligence/video-to-text-description-using-deep-learning-and-transformers-coot-e05b8d0db110) - 简短阅读

  • [COOT: Cooperative Hierarchical Transformer for Video-Text Representation Learning]:(https://arxiv.org/pdf/2011.00597.pdf) - 论文下载

  • [Click here for the COOT code]:(https://github.com/gingsi/coot-videotext) - 代码下载

Stylized Neural Painting [22]

This Image-to-Painting Translation method simulates a real painter on multiple styles using a novel approach that does not involve any GAN architecture, unlike all the current state-of-the-art approaches!

  • [Image-to-Painting Translation With Style Transfer]:(https://youtu.be/dzJStceOaQs) - 短视频说明

  • [Image-to-Painting Translation With Style Transfer]:(https://medium.com/towards-artificial-intelligence/image-to-painting-translation-with-style-transfer-508618596409) - 简短阅读

  • [Stylized Neural Painting]:(https://arxiv.org/abs/2011.08114) - 论文下载

  • [Click here for the Stylized Neural Painting code]:(https://github.com/jiupinjia/stylized-neural-painting) - 代码下载

Is a Green Screen Really Necessary for Real-Time Portrait Matting? [23]

Human matting is an extremely interesting task where the goal is to find any human in a picture and remove the background from it. It is really hard to achieve due to the complexity of the task, having to find the person or people with the perfect contour. In this post, I review the best techniques used over the years and a novel approach published on November 29th, 2020. Many techniques are using basic computer vision algorithms to achieve this task, such as the GrabCut algorithm, which is extremely fast, but not very precise.

  • [High-Quality Background Removal Without Green Screens | State of the Art Approach Explained]:(https://youtu.be/rUo0wuVyefU) - 短视频说明

  • [High-Quality Background Removal Without Green Screens]:(https://medium.com/datadriveninvestor/high-quality-background-removal-without-green-screens-8e61c69de63) - 简短阅读

  • [Is a Green Screen Really Necessary for Real-Time Portrait Matting?]:(https://arxiv.org/pdf/2011.11961.pdf) - 论文下载

  • [Click here for the MODNet code]:(https://github.com/ZHKKKe/MODNet) - 代码下载

ADA: Training Generative Adversarial Networks with Limited Data [24]

With this new training method developed by NVIDIA, you can train a powerful generative model with one-tenth of the images! Making possible many applications that do not have access to so many images!

  • [GAN Training Breakthrough for Limited Data Applications & New NVIDIA Program! NVIDIA Research]:(https://youtu.be/9fVNtVr_luc) - 短视频说明

  • [GAN Training Breakthrough for Limited Data Applications & New NVIDIA Program! NVIDIA Research]:(https://medium.com/towards-artificial-intelligence/gan-training-breakthrough-for-limited-data-applications-new-nvidia-program-nvidia-research-3652c4c172e6) - 简短阅读

  • [Training Generative Adversarial Networks with Limited Data]:(https://arxiv.org/abs/2006.06676) - 论文下载

  • [Click here for the ADA code]:(https://github.com/NVlabs/stylegan2-ada) - 代码下载

Improving Data‐Driven Global Weather Prediction Using Deep Convolutional Neural Networks on a Cubed Sphere [25]

With this new training method developed by NVIDIA, you can train a powerful generative model with one-tenth of the images! Making possible many applications that do not have access to so many images!

  • [An AI Predicting Faster and More Accurate Weather Forecasts]:(https://youtu.be/C7dNU298A0A) - 短视频说明

  • [AI is Predicting Faster and More Accurate Weather Forecasts]:(https://medium.com/towards-artificial-intelligence/ai-is-predicting-faster-and-more-accurate-weather-forecasts-5d99a1d9c4f) - 简短阅读

  • [Improving Data‐Driven Global Weather Prediction Using Deep Convolutional Neural Networks on a Cubed Sphere]:(https://agupubs.onlinelibrary.wiley.com/doi/10.1029/2020MS002109) - 论文下载

  • [Click here for the weather forecasting code]:(https://github.com/jweyn/DLWP-CS) - 代码下载

论文参考

[1] A. Bochkovskiy, C.-Y. Wang, and H.-Y. M. Liao, Yolov4: Optimal speed and accuracy of object detection, 2020. arXiv:2004.10934 [cs.CV].

[2] S.-Y. Chen, W. Su, L. Gao, S. Xia, and H. Fu, "DeepFaceDrawing: Deep generation of face images from sketches," ACM Transactions on Graphics (Proceedings of ACM SIGGRAPH2020), vol. 39, no. 4, 72:1–72:16, 2020.

[3] S. Menon, A. Damian, S. Hu, N. Ravi, and C. Rudin, Pulse: Self-supervised photo upsampling via latent space exploration of generative models, 2020. arXiv:2003.03808 [cs.CV].

[4] M.-A. Lachaux, B. Roziere, L. Chanussot, and G. Lample, Unsupervised translation of programming languages, 2020. arXiv:2006.03511 [cs.CL].

[5] S. Saito, T. Simon, J. Saragih, and H. Joo, Pifuhd: Multi-level pixel-aligned implicit function for high-resolution 3d human digitization, 2020. arXiv:2004.00452 [cs.CV].

[6] J. Naruniec, L. Helminger, C. Schroers, and R. Weber, "High-resolution neural face-swapping for visual effects," Computer Graphics Forum, vol. 39, pp. 173–184, Jul. 2020.doi:10.1111/cgf.14062.

[7] T. Park, J.-Y. Zhu, O. Wang, J. Lu, E. Shechtman, A. A. Efros, and R. Zhang,Swappingautoencoder for deep image manipulation, 2020. arXiv:2007.00653 [cs.CV].

[8] T. B. Brown, B. Mann, N. Ryder, M. Subbiah, J. Kaplan, P. Dhariwal, A. Neelakantan, P.Shyam, G. Sastry, A. Askell, S. Agarwal, A. Herbert-Voss, G. Krueger, T. Henighan, R. Child, A. Ramesh, D. M. Ziegler, J. Wu, C. Winter, C. Hesse, M. Chen, E. Sigler, M. Litwin, S.Gray, B. Chess, J. Clark, C. Berner, S. McCandlish, A. Radford, I. Sutskever, and D. Amodei,"Language models are few-shot learners," 2020. arXiv:2005.14165 [cs.CL].

[9] Y. Zeng, J. Fu, and H. Chao, Learning joint spatial-temporal transformations for video in-painting, 2020. arXiv:2007.10247 [cs.CV].

[10] M. Chen, A. Radford, R. Child, J. Wu, H. Jun, D. Luan, and I. Sutskever, "Generative pretraining from pixels," in Proceedings of the 37th International Conference on Machine Learning, H. D. III and A. Singh, Eds., ser. Proceedings of Machine Learning Research, vol. 119, Virtual: PMLR, 13–18 Jul 2020, pp. 1691–1703. [Online]. Available:http://proceedings.mlr.press/v119/chen20s.html.

[11] Xinrui Wang and Jinze Yu, "Learning to Cartoonize Using White-box Cartoon Representations.", IEEE Conference on Computer Vision and Pattern Recognition, June 2020.

[12] S. Mo, M. Cho, and J. Shin, Freeze the discriminator: A simple baseline for fine-tuning gans,2020. arXiv:2002.10964 [cs.CV].

[13] K. Sarkar, D. Mehta, W. Xu, V. Golyanik, and C. Theobalt, "Neural re-rendering of humans from a single image," in European Conference on Computer Vision (ECCV), 2020.

[14] G. Moon and K. M. Lee, "I2l-meshnet: Image-to-lixel prediction network for accurate 3d human pose and mesh estimation from a single rgb image," in European Conference on ComputerVision (ECCV), 2020

[15] J. Krantz, E. Wijmans, A. Majumdar, D. Batra, and S. Lee, "Beyond the nav-graph: Vision-and-language navigation in continuous environments," 2020. arXiv:2004.02857 [cs.CV].

[16] Z. Teed and J. Deng, Raft: Recurrent all-pairs field transforms for optical flow, 2020. arXiv:2003.12039 [cs.CV].

[17] Z. Li, W. Xian, A. Davis, and N. Snavely, "Crowdsampling the plenoptic function," inProc.European Conference on Computer Vision (ECCV), 2020.

[18] Z. Wan, B. Zhang, D. Chen, P. Zhang, D. Chen, J. Liao, and F. Wen, Old photo restoration via deep latent space translation, 2020. arXiv:2009.07047 [cs.CV].

[19] Lechner, M., Hasani, R., Amini, A. et al. Neural circuit policies enabling auditable autonomy. Nat Mach Intell 2, 642–652 (2020). https://doi.org/10.1038/s42256-020-00237-3

[20] R. Or-El, S. Sengupta, O. Fried, E. Shechtman, and I. Kemelmacher-Shlizerman, "Lifespanage transformation synthesis," in Proceedings of the European Conference on Computer Vision(ECCV), 2020.

[21] S. Ging, M. Zolfaghari, H. Pirsiavash, and T. Brox, "Coot: Cooperative hierarchical trans-former for video-text representation learning," in Conference on Neural Information ProcessingSystems, 2020.

[22] Z. Zou, T. Shi, S. Qiu, Y. Yuan, and Z. Shi, Stylized neural painting, 2020. arXiv:2011.08114[cs.CV].

[23] Z. Ke, K. Li, Y. Zhou, Q. Wu, X. Mao, Q. Yan, and R. W. Lau, "Is a green screen really necessary for real-time portrait matting?" ArXiv, vol. abs/2011.11961, 2020.

[24] T. Karras, M. Aittala, J. Hellsten, S. Laine, J. Lehtinen, and T. Aila, Training generative adversarial networks with limited data, 2020. arXiv:2006.06676 [cs.CV].

[25] J. A. Weyn, D. R. Durran, and R. Caruana, “Improving data-driven global weather prediction using deep convolutional neural networks on a cubed sphere”, Journal of Advances in Modeling Earth Systems, vol. 12, no. 9, Sep. 2020, issn: 1942–2466.doi:10.1029/2020ms002109

往期精彩回顾



适合初学者入门人工智能的路线及资料下载机器学习及深度学习笔记等资料打印机器学习在线手册深度学习笔记专辑《统计学习方法》的代码复现专辑
AI基础下载机器学习的数学基础专辑
获取本站知识星球优惠券,复制链接直接打开:
https://t.zsxq.com/qFiUFMV
本站qq群704220115。

加入微信群请扫码:

版权声明:本文为博主原创文章,遵循 CC 4.0 BY-SA 版权协议,转载请附上原文出处链接和本声明。
本文链接:https://blog.csdn.net/fengdu78/article/details/111714134

智能推荐

解决win10/win8/8.1 64位操作系统MT65xx preloader线刷驱动无法安装_mt65驱动-程序员宅基地

文章浏览阅读1.3w次。转载自 http://www.miui.com/thread-2003672-1-1.html 当手机在刷错包或者误修改删除系统文件后会出现无法开机或者是移动定制(联通合约机)版想刷标准版,这时就会用到线刷,首先就是安装线刷驱动。 在XP和win7上线刷是比较方便的,用那个驱动自动安装版,直接就可以安装好,完成线刷。不过现在也有好多机友换成了win8/8.1系统,再使用这个_mt65驱动

SonarQube简介及客户端集成_sonar的客户端区别-程序员宅基地

文章浏览阅读1k次。SonarQube是一个代码质量管理平台,可以扫描监测代码并给出质量评价及修改建议,通过插件机制支持25+中开发语言,可以很容易与gradle\maven\jenkins等工具进行集成,是非常流行的代码质量管控平台。通CheckStyle、findbugs等工具定位不同,SonarQube定位于平台,有完善的管理机制及强大的管理页面,并通过插件支持checkstyle及findbugs等既有的流..._sonar的客户端区别

元学习系列(六):神经图灵机详细分析_神经图灵机方法改进-程序员宅基地

文章浏览阅读3.4k次,点赞2次,收藏27次。神经图灵机是LSTM、GRU的改进版本,本质上依然包含一个外部记忆结构、可对记忆进行读写操作,主要针对读写操作进行了改进,或者说提出了一种新的读写操作思路。神经图灵机之所以叫这个名字是因为它通过深度学习模型模拟了图灵机,但是我觉得如果先去介绍图灵机的概念,就会搞得很混乱,所以这里主要从神经图灵机改进了LSTM的哪些方面入手进行讲解,同时,由于模型的结构比较复杂,为了让思路更清晰,这次也会分开几..._神经图灵机方法改进

【机器学习】机器学习模型迭代方法(Python)-程序员宅基地

文章浏览阅读2.8k次。一、模型迭代方法机器学习模型在实际应用的场景,通常要根据新增的数据下进行模型的迭代,常见的模型迭代方法有以下几种:1、全量数据重新训练一个模型,直接合并历史训练数据与新增的数据,模型直接离线学习全量数据,学习得到一个全新的模型。优缺点:这也是实际最为常见的模型迭代方式,通常模型效果也是最好的,但这样模型迭代比较耗时,资源耗费比较多,实时性较差,特别是在大数据场景更为困难;2、模型融合的方法,将旧模..._模型迭代

base64图片打成Zip包上传,以及服务端解压的简单实现_base64可以装换zip吗-程序员宅基地

文章浏览阅读2.3k次。1、前言上传图片一般采用异步上传的方式,但是异步上传带来不好的地方,就如果图片有改变或者删除,图片服务器端就会造成浪费。所以有时候就会和参数同步提交。笔者喜欢base64图片一起上传,但是图片过多时就会出现数据丢失等异常。因为tomcat的post请求默认是2M的长度限制。2、解决办法有两种:① 修改tomcat的servel.xml的配置文件,设置 maxPostSize=..._base64可以装换zip吗

Opencv自然场景文本识别系统(源码&教程)_opencv自然场景实时识别文字-程序员宅基地

文章浏览阅读1k次,点赞17次,收藏22次。Opencv自然场景文本识别系统(源码&教程)_opencv自然场景实时识别文字

随便推点

ESXi 快速复制虚拟机脚本_exsi6.7快速克隆centos-程序员宅基地

文章浏览阅读1.3k次。拷贝虚拟机文件时间比较长,因为虚拟机 flat 文件很大,所以要等。脚本完成后,以复制虚拟机文件夹。将以下脚本内容写入文件。_exsi6.7快速克隆centos

好友推荐—基于关系的java和spark代码实现_本关任务:使用 spark core 知识完成 " 好友推荐 " 的程序。-程序员宅基地

文章浏览阅读2k次。本文主要实现基于二度好友的推荐。数学公式参考于:http://blog.csdn.net/qq_14950717/article/details/52197565测试数据为自己随手画的关系图把图片整理成文本信息如下:a b c d e f yb c a f gc a b dd c a e h q re f h d af e a b gg h f bh e g i di j m n ..._本关任务:使用 spark core 知识完成 " 好友推荐 " 的程序。

南京大学-高级程序设计复习总结_南京大学高级程序设计-程序员宅基地

文章浏览阅读367次。南京大学高级程序设计期末复习总结,c++面向对象编程_南京大学高级程序设计

4.朴素贝叶斯分类器实现-matlab_朴素贝叶斯 matlab训练和测试输出-程序员宅基地

文章浏览阅读3.1k次,点赞2次,收藏12次。实现朴素贝叶斯分类器,并且根据李航《统计机器学习》第四章提供的数据训练与测试,结果与书中一致分别实现了朴素贝叶斯以及带有laplace平滑的朴素贝叶斯%书中例题实现朴素贝叶斯%特征1的取值集合A1=[1;2;3];%特征2的取值集合A2=[4;5;6];%S M LAValues={A1;A2};%Y的取值集合YValue=[-1;1];%数据集和T=[ 1,4,-1;..._朴素贝叶斯 matlab训练和测试输出

Markdown 文本换行_markdowntext 换行-程序员宅基地

文章浏览阅读1.6k次。Markdown 文本换行_markdowntext 换行

错误:0xC0000022 在运行 Microsoft Windows 非核心版本的计算机上,运行”slui.exe 0x2a 0xC0000022″以显示错误文本_错误: 0xc0000022 在运行 microsoft windows 非核心版本的计算机上,运行-程序员宅基地

文章浏览阅读6.7w次,点赞2次,收藏37次。win10 2016长期服务版激活错误解决方法:打开“注册表编辑器”;(Windows + R然后输入Regedit)修改SkipRearm的值为1:(在HKEY_LOCAL_MACHINE–》SOFTWARE–》Microsoft–》Windows NT–》CurrentVersion–》SoftwareProtectionPlatform里面,将SkipRearm的值修改为1)重..._错误: 0xc0000022 在运行 microsoft windows 非核心版本的计算机上,运行“slui.ex