Convert Figma logo to code with AI

zziz logopwc

This repository is no longer maintained.

15,397
2,488
15,397
25

Top Related Projects

An opinionated list of awesome Python frameworks, libraries, software and resources.

Learn how to design large-scale systems. Prep for the system design interview. Includes Anki flashcards.

📝 Algorithms and data structures implemented in JavaScript with explanations and links to further readings

💯 Curated coding interview preparation materials for busy software engineers

A complete computer science study plan to become a software engineer.

Interactive roadmaps, guides and other educational content to help developers grow in their careers.

Quick Overview

The zziz/pwc repository is a curated collection of papers related to computer science, with a focus on machine learning and artificial intelligence. It serves as a comprehensive resource for researchers, students, and professionals interested in staying up-to-date with the latest developments in these fields.

Pros

  • Extensive collection of papers covering a wide range of topics in computer science
  • Well-organized structure with papers categorized by subject area
  • Regular updates with new papers added frequently
  • Includes links to original sources and additional resources

Cons

  • Limited commentary or analysis on the papers included
  • May be overwhelming for beginners due to the vast amount of information
  • Lacks a search function or advanced filtering options
  • Some links may become outdated over time

Getting Started

To start using the zziz/pwc repository:

  1. Visit the GitHub repository at https://github.com/zziz/pwc
  2. Browse through the README file to get an overview of the available categories
  3. Click on the category of interest to view the list of papers
  4. Select a paper to access its details and external links

Note: This is not a code library, so there are no code examples or installation instructions required.

Competitor Comparisons

An opinionated list of awesome Python frameworks, libraries, software and resources.

Pros of awesome-python

  • More comprehensive and organized list of Python resources
  • Regularly updated with new content and contributions
  • Includes a wider range of categories and subcategories

Cons of awesome-python

  • Can be overwhelming due to the sheer volume of information
  • May include some outdated or less relevant resources

Code comparison

Not applicable for these repositories, as they are curated lists of resources rather than code projects.

Summary

awesome-python is a more extensive and well-organized collection of Python resources, covering a wide range of topics and categories. It benefits from regular updates and community contributions, making it a valuable reference for Python developers of all levels.

pwc, on the other hand, focuses specifically on papers with code implementations, providing a more targeted resource for researchers and developers interested in machine learning and AI applications. While it may not be as comprehensive as awesome-python, it offers a more specialized collection of resources in its specific domain.

Both repositories serve different purposes and can be valuable depending on the user's needs. awesome-python is better suited for general Python development and learning, while pwc is more appropriate for those looking for research papers with accompanying code implementations.

Learn how to design large-scale systems. Prep for the system design interview. Includes Anki flashcards.

Pros of system-design-primer

  • More comprehensive coverage of system design concepts
  • Includes visual diagrams and illustrations for better understanding
  • Offers practice problems and solutions for hands-on learning

Cons of system-design-primer

  • Focuses primarily on system design, lacking breadth in other CS topics
  • May be overwhelming for beginners due to its depth and complexity
  • Less frequently updated compared to pwc

Code comparison

While both repositories don't primarily focus on code examples, system-design-primer does include some code snippets for illustration purposes:

system-design-primer:

def get_user(request):
    user_id = request.GET.get('user_id')
    user = User.objects.get(id=user_id)
    return JsonResponse({'user': user})

pwc doesn't typically include code snippets, as it's more of a curated list of papers and resources.

Summary

system-design-primer is a comprehensive resource for learning system design concepts, offering in-depth explanations, diagrams, and practice problems. It's ideal for those focusing specifically on system design and preparing for technical interviews in that area.

pwc, on the other hand, is a broader collection of papers on various computer science topics, providing a wider range of subjects but with less depth in any particular area. It's better suited for those looking to explore different CS topics or stay updated on recent research.

📝 Algorithms and data structures implemented in JavaScript with explanations and links to further readings

Pros of javascript-algorithms

  • More comprehensive coverage of algorithms and data structures
  • Better organized with clear categorization and explanations
  • Includes implementation examples in JavaScript

Cons of javascript-algorithms

  • Larger repository size, potentially overwhelming for beginners
  • Focuses solely on JavaScript, limiting language diversity

Code Comparison

javascript-algorithms:

function bubbleSort(arr) {
  for (let i = 0; i < arr.length; i++) {
    for (let j = 0; j < arr.length - 1; j++) {
      if (arr[j] > arr[j + 1]) {
        [arr[j], arr[j + 1]] = [arr[j + 1], arr[j]];
      }
    }
  }
  return arr;
}

pwc:

def bubble_sort(arr):
    n = len(arr)
    for i in range(n):
        for j in range(0, n - i - 1):
            if arr[j] > arr[j + 1]:
                arr[j], arr[j + 1] = arr[j + 1], arr[j]
    return arr

Summary

javascript-algorithms offers a more extensive collection of algorithms and data structures with detailed explanations, making it ideal for in-depth learning of JavaScript implementations. However, its size and language-specific focus may be limiting for some users. pwc, on the other hand, provides a more concise repository with implementations in multiple languages, making it suitable for quick reference and language comparison, but lacks the depth and organization of javascript-algorithms.

💯 Curated coding interview preparation materials for busy software engineers

Pros of tech-interview-handbook

  • More comprehensive coverage of interview topics, including system design and behavioral questions
  • Regularly updated with new content and community contributions
  • Includes a curated list of study materials and resources for further learning

Cons of tech-interview-handbook

  • May be overwhelming for beginners due to the extensive amount of information
  • Focuses primarily on software engineering roles, with less coverage for other tech positions

Code Comparison

tech-interview-handbook:

function binarySearch(arr, target) {
  let left = 0;
  let right = arr.length - 1;
  while (left <= right) {
    const mid = Math.floor((left + right) / 2);
    if (arr[mid] === target) return mid;
    if (arr[mid] < target) left = mid + 1;
    else right = mid - 1;
  }
  return -1;
}

pwc:

def binary_search(arr, x):
    low = 0
    high = len(arr) - 1
    while low <= high:
        mid = (low + high) // 2
        if arr[mid] == x:
            return mid
        elif arr[mid] < x:
            low = mid + 1
        else:
            high = mid - 1
    return -1

Both repositories provide implementations of binary search, but tech-interview-handbook uses JavaScript while pwc uses Python. The algorithms are essentially the same, with minor syntax differences due to the programming languages used.

A complete computer science study plan to become a software engineer.

Pros of coding-interview-university

  • Comprehensive curriculum covering a wide range of computer science topics
  • Detailed study plan with estimated time commitments
  • Includes resources for various learning styles (videos, books, articles)

Cons of coding-interview-university

  • Can be overwhelming due to the sheer amount of content
  • Primarily focused on theoretical knowledge rather than practical coding exercises
  • May take several months to complete the entire curriculum

Code comparison

While both repositories don't primarily focus on code examples, coding-interview-university does include some code snippets for illustration purposes:

# Example from coding-interview-university
class Node:
    def __init__(self, data):
        self.data = data
        self.next = None

class LinkedList:
    def __init__(self):
        self.head = None

pwc doesn't typically include code snippets, as it's more of a curated list of papers with code implementations.

Additional notes

  • pwc is more focused on machine learning and AI research papers
  • coding-interview-university covers a broader range of computer science topics
  • pwc is updated more frequently with new papers and implementations
  • coding-interview-university provides a structured learning path for interview preparation
  • Both repositories are valuable resources for different aspects of computer science and software engineering

Interactive roadmaps, guides and other educational content to help developers grow in their careers.

Pros of developer-roadmap

  • Comprehensive visual roadmaps for various tech roles
  • Regular updates and community contributions
  • Interactive website with detailed explanations

Cons of developer-roadmap

  • May be overwhelming for beginners
  • Focuses on breadth rather than depth of topics
  • Subjective nature of some recommendations

Code comparison

Not applicable, as both repositories primarily contain documentation and resources rather than code.

Key differences

pwc:

  • Curated list of papers with code implementations
  • Focused on machine learning and computer vision
  • Organized by conference and year

developer-roadmap:

  • Visual roadmaps for various tech roles
  • Covers a wide range of technologies and concepts
  • Includes interactive guides and resources

Use cases

pwc:

  • Researchers looking for state-of-the-art ML/CV papers
  • Developers implementing cutting-edge algorithms
  • Students studying advanced topics in AI

developer-roadmap:

  • Aspiring developers planning their learning path
  • Career changers exploring different tech roles
  • Educators designing curriculum for tech courses

Community engagement

pwc:

  • 35.5k stars on GitHub
  • Contributions mainly through pull requests

developer-roadmap:

  • 236k stars on GitHub
  • Active discussions and contributions
  • Dedicated website with community features

Convert Figma logo designs to code with AI

Visual Copilot

Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.

Try Visual Copilot

README

HEADER

20182017201620152014201320122011201020092008TweetSuggestions

This work is in continuous progress and update. We are adding new PWC everyday! Tweet me @fvzaur
Use this thread to request us your favorite conference to be added to our watchlist and to PWC list.

Weekly updated pushed!

2018

TitleConfCodeStars
Video-to-Video SynthesisNIPScode5578
Deep Image PriorCVPRcode3736
StarGAN: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image TranslationCVPRcode3405
Joint 3D Face Reconstruction and Dense Alignment with Position Map Regression NetworkECCVcode2434
Learning to See in the DarkCVPRcode2326
Glow: Generative Flow with Invertible 1x1 ConvolutionsNIPScode2088
Squeeze-and-Excitation NetworksCVPRcode1477
Efficient Neural Architecture Search via Parameters SharingICMLcode1382
Multimodal Unsupervised Image-to-image TranslationECCVcode1296
Non-Local Neural NetworksCVPRcode992
Can Spatiotemporal 3D CNNs Retrace the History of 2D CNNs and ImageNet?CVPRcode924
Single-Shot Refinement Neural Network for Object DetectionCVPRcode875
Image Generation From Scene GraphsCVPRcode851
GANimation: Anatomically-aware Facial Animation from a Single ImageECCVcode772
Simple Baselines for Human Pose Estimation and TrackingECCVcode752
Visualizing the Loss Landscape of Neural NetsNIPScode724
Detect-and-Track: Efficient Pose Estimation in VideosCVPRcode650
Relation Networks for Object DetectionCVPRcode635
Generative Image Inpainting With Contextual AttentionCVPRcode609
PointCNNNIPScode607
Look at Boundary: A Boundary-Aware Face Alignment AlgorithmCVPRcode575
Pelee: A Real-Time Object Detection System on Mobile DevicesNIPScode548
Distractor-aware Siamese Networks for Visual Object TrackingECCVcode545
Obfuscated Gradients Give a False Sense of Security: Circumventing Defenses to Adversarial ExamplesICMLcode535
Which Training Methods for GANs do actually Converge?ICMLcode520
End-to-End Recovery of Human Shape and PoseCVPRcode502
Taskonomy: Disentangling Task Transfer LearningCVPRcode502
Cascaded Pyramid Network for Multi-Person Pose EstimationCVPRcode497
Neural 3D Mesh RendererCVPRcode489
Zero-Shot Recognition via Semantic Embeddings and Knowledge GraphsCVPRcode489
In-Place Activated BatchNorm for Memory-Optimized Training of DNNsCVPRcode485
The Unreasonable Effectiveness of Deep Features as a Perceptual MetricCVPRcode447
Frustum PointNets for 3D Object Detection From RGB-D DataCVPRcode434
The Lovász-Softmax Loss: A Tractable Surrogate for the Optimization of the Intersection-Over-Union Measure in Neural NetworksCVPRcode416
ICNet for Real-Time Semantic Segmentation on High-Resolution ImagesECCVcode415
PWC-Net: CNNs for Optical Flow Using Pyramid, Warping, and Cost VolumeCVPRcode398
Efficient Interactive Annotation of Segmentation Datasets With Polygon-RNN++CVPRcode397
Gibson Env: Real-World Perception for Embodied AgentsCVPRcode385
Acquisition of Localization Confidence for Accurate Object DetectionECCVcode384
Noise2Noise: Learning Image Restoration without Clean DataICMLcode370
GeoNet: Geometric Neural Network for Joint Depth and Surface Normal EstimationCVPRcode359
GeoNet: Unsupervised Learning of Dense Depth, Optical Flow and Camera PoseCVPRcode359
A Style-Aware Content Loss for Real-time HD Style TransferECCVcode349
Soccer on Your TabletopCVPRcode338
Pyramid Stereo Matching NetworkCVPRcode335
Neural Baby TalkCVPRcode332
License Plate Detection and Recognition in Unconstrained ScenariosECCVcode326
Supervision-by-Registration: An Unsupervised Approach to Improve the Precision of Facial Landmark DetectorsCVPRcode326
Pixel2Mesh: Generating 3D Mesh Models from Single RGB ImagesECCVcode323
Transparency by Design: Closing the Gap Between Performance and Interpretability in Visual ReasoningCVPRcode317
Fast End-to-End Trainable Guided FilterCVPRcode312
Deep Clustering for Unsupervised Learning of Visual FeaturesECCVcode302
Deep Photo Enhancer: Unpaired Learning for Image Enhancement From Photographs With GANsCVPRcode294
Neural Relational Inference for Interacting SystemsICMLcode289
Adversarially Regularized AutoencodersICMLcode282
Learning to Adapt Structured Output Space for Semantic SegmentationCVPRcode280
Convolutional Neural Networks With Alternately Updated CliqueCVPRcode272
Learning to Segment Every ThingCVPRcode269
Supervising Unsupervised LearningNIPScode262
LiteFlowNet: A Lightweight Convolutional Neural Network for Optical Flow EstimationCVPRcode261
Bilinear Attention NetworksNIPScode258
ESPNet: Efficient Spatial Pyramid of Dilated Convolutions for Semantic SegmentationECCVcode254
An intriguing failing of convolutional neural networks and the CoordConv solutionNIPScode249
End-to-End Learning of Motion Representation for Video UnderstandingCVPRcode238
Image Super-Resolution Using Very Deep Residual Channel Attention NetworksECCVcode234
Iterative Visual Reasoning Beyond ConvolutionsCVPRcode228
Semi-Parametric Image SynthesisCVPRcode226
Compressed Video Action RecognitionCVPRcode225
Style Aggregated Network for Facial Landmark DetectionCVPRcode223
Pose-Robust Face Recognition via Deep Residual Equivariant MappingCVPRcode220
Multi-Content GAN for Few-Shot Font Style TransferCVPRcode218
GraphRNN: Generating Realistic Graphs with Deep Auto-regressive ModelsICMLcode214
Referring RelationshipsCVPRcode210
MoCoGAN: Decomposing Motion and Content for Video GenerationCVPRcode205
Latent Alignment and Variational AttentionNIPScode204
LayoutNet: Reconstructing the 3D Room Layout From a Single RGB ImageCVPRcode202
Large-Scale Point Cloud Semantic Segmentation With Superpoint GraphsCVPRcode197
An End-to-End TextSpotter With Explicit Alignment and AttentionCVPRcode195
DeblurGAN: Blind Motion Deblurring Using Conditional Adversarial NetworksCVPRcode189
SPLATNet: Sparse Lattice Networks for Point Cloud ProcessingCVPRcode188
Attentive Generative Adversarial Network for Raindrop Removal From a Single ImageCVPRcode186
Single View Stereo MatchingCVPRcode182
MegaDepth: Learning Single-View Depth Prediction From Internet PhotosCVPRcode181
ECO: Efficient Convolutional Network for Online Video UnderstandingECCVcode180
Unsupervised Feature Learning via Non-Parametric Instance DiscriminationCVPRcode180
ST-GAN: Spatial Transformer Generative Adversarial Networks for Image CompositingCVPRcode179
Video Based Reconstruction of 3D People ModelsCVPRcode179
Social GAN: Socially Acceptable Trajectories With Generative Adversarial NetworksCVPRcode178
Learning Category-Specific Mesh Reconstruction from Image CollectionsECCVcode176
Realistic Evaluation of Deep Semi-Supervised Learning AlgorithmsNIPScode175
BSN: Boundary Sensitive Network for Temporal Action Proposal GenerationECCVcode175
Group NormalizationECCVcode175
Real-Time Seamless Single Shot 6D Object Pose PredictionCVPRcode174
MVSNet: Depth Inference for Unstructured Multi-view StereoECCVcode174
Neural Motifs: Scene Graph Parsing With Global ContextCVPRcode171
Learning a Single Convolutional Super-Resolution Network for Multiple DegradationsCVPRcode169
Optimizing Video Object Detection via a Scale-Time LatticeCVPRcode168
MultiPoseNet: Fast Multi-Person Pose Estimation using Pose Residual NetworkECCVcode167
Unsupervised Cross-Dataset Person Re-Identification by Transfer Learning of Spatial-Temporal PatternsCVPRcode166
Weakly Supervised Instance Segmentation Using Class Peak ResponseCVPRcode166
PlaneNet: Piece-Wise Planar Reconstruction From a Single RGB ImageCVPRcode164
Residual Dense Network for Image Super-ResolutionCVPRcode163
Embodied Question AnsweringCVPRcode162
Evolved Policy GradientsNIPScode160
Camera Style Adaptation for Person Re-IdentificationCVPRcode159
Weakly and Semi Supervised Human Body Part Parsing via Pose-Guided Knowledge TransferCVPRcode159
Scale-Recurrent Network for Deep Image DeblurringCVPRcode159
Unsupervised Learning of Monocular Depth Estimation and Visual Odometry With Deep Feature ReconstructionCVPRcode158
Relational recurrent neural networksNIPScode157
Densely Connected Pyramid Dehazing NetworkCVPRcode155
Image Inpainting for Irregular Holes Using Partial ConvolutionsECCVcode153
SO-Net: Self-Organizing Network for Point Cloud AnalysisCVPRcode152
Pix3D: Dataset and Methods for Single-Image 3D Shape ModelingCVPRcode152
ShuffleNet: An Extremely Efficient Convolutional Neural Network for Mobile DevicesCVPRcode152
DenseASPP for Semantic Segmentation in Street ScenesCVPRcode151
Facelet-Bank for Fast Portrait ManipulationCVPRcode150
Self-Imitation LearningICMLcode145
Graph R-CNN for Scene Graph GenerationECCVcode144
A Closer Look at Spatiotemporal Convolutions for Action RecognitionCVPRcode143
Cross-Domain Weakly-Supervised Object Detection Through Progressive Domain AdaptationCVPRcode143
Quantized Densely Connected U-Nets for Efficient Landmark LocalizationECCVcode143
Recurrent Squeeze-and-Excitation Context Aggregation Net for Single Image DerainingECCVcode142
Two-Stream Convolutional Networks for Dynamic Texture SynthesisCVPRcode141
Integral Human Pose RegressionECCVcode141
Adaptive Affinity Fields for Semantic SegmentationECCVcode141
LSTM Pose MachinesCVPRcode141
Structure Inference Net: Object Detection Using Scene-Level Context and Instance-Level RelationshipsCVPRcode140
Recovering Realistic Texture in Image Super-Resolution by Deep Spatial Feature TransformCVPRcode139
Image-Image Domain Adaptation With Preserved Self-Similarity and Domain-Dissimilarity for Person Re-IdentificationCVPRcode137
Learning to Compare: Relation Network for Few-Shot LearningCVPRcode135
CosFace: Large Margin Cosine Loss for Deep Face RecognitionCVPRcode135
Deep Depth Completion of a Single RGB-D ImageCVPRcode134
Deep Back-Projection Networks for Super-ResolutionCVPRcode132
Context Embedding NetworksCVPRcode131
Multi-Task Learning Using Uncertainty to Weigh Losses for Scene Geometry and SemanticsCVPRcode131
Perturbative Neural NetworksCVPRcode130
Style Tokens: Unsupervised Style Modeling, Control and Transfer in End-to-End Speech SynthesisICMLcode129
Fast and Accurate Online Video Object Segmentation via Tracking PartsCVPRcode129
Nonlinear 3D Face Morphable ModelCVPRcode128
BodyNet: Volumetric Inference of 3D Human Body ShapesECCVcode126
3D-CODED: 3D Correspondences by Deep DeformationECCVcode125
DeepMVS: Learning Multi-View StereopsisCVPRcode125
Hierarchical Imitation and Reinforcement LearningICMLcode124
Domain Adaptive Faster R-CNN for Object Detection in the WildCVPRcode123
L4: Practical loss-based stepsize adaptation for deep learningNIPScode123
A Generative Adversarial Approach for Zero-Shot Learning From Noisy TextsCVPRcode122
Recurrent Relational NetworksNIPScode121
Gated Path Planning NetworksICMLcode121
PSANet: Point-wise Spatial Attention Network for Scene ParsingECCVcode121
Rethinking Feature Distribution for Loss Functions in Image ClassificationCVPRcode120
Density-Aware Single Image De-Raining Using a Multi-Stream Dense NetworkCVPRcode118
FOTS: Fast Oriented Text Spotting With a Unified NetworkCVPRcode118
ELEGANT: Exchanging Latent Encodings with GAN for Transferring Multiple Face AttributesECCVcode117
PU-Net: Point Cloud Upsampling NetworkCVPRcode117
PackNet: Adding Multiple Tasks to a Single Network by Iterative PruningCVPRcode117
Long-term Tracking in the Wild: a BenchmarkECCVcode116
Factoring Shape, Pose, and Layout From the 2D Image of a 3D SceneCVPRcode114
Repulsion Loss: Detecting Pedestrians in a CrowdCVPRcode113
Unsupervised Attention-guided Image-to-Image TranslationNIPScode110
Attention-based Deep Multiple Instance LearningICMLcode109
Learning Blind Video Temporal ConsistencyECCVcode109
Noisy Natural Gradient as Variational InferenceICMLcode108
End-to-End Weakly-Supervised Semantic AlignmentCVPRcode106
Decoupled NetworksCVPRcode105
LiDAR-Video Driving Dataset: Learning Driving Policies EffectivelyCVPRcode104
MAttNet: Modular Attention Network for Referring Expression ComprehensionCVPRcode104
LQ-Nets: Learned Quantization for Highly Accurate and Compact Deep Neural NetworksECCVcode103
FSRNet: End-to-End Learning Face Super-Resolution With Facial PriorsCVPRcode100
Deep Mutual LearningCVPRcode100
Macro-Micro Adversarial Network for Human ParsingECCVcode98
ScanComplete: Large-Scale Scene Completion and Semantic Segmentation for 3D ScansCVPRcode97
Learning Depth From Monocular Videos Using Direct MethodsCVPRcode97
VITON: An Image-Based Virtual Try-On NetworkCVPRcode95
Cascade R-CNN: Delving Into High Quality Object DetectionCVPRcode93
Learning Human-Object Interactions by Graph Parsing Neural NetworksECCVcode93
Future Frame Prediction for Anomaly Detection – A New BaselineCVPRcode92
Multi-view to Novel view: Synthesizing novel views with Self-Learned ConfidenceECCVcode92
Tell Me Where to Look: Guided Attention Inference NetworkCVPRcode91
Neural Kinematic Networks for Unsupervised Motion RetargettingCVPRcode90
Learning SO(3) Equivariant Representations with Spherical CNNsECCVcode89
One-Shot Unsupervised Cross Domain TranslationNIPScode89
Synthesizing Images of Humans in Unseen PosesCVPRcode88
Depth-aware CNN for RGB-D SegmentationECCVcode88
Piggyback: Adapting a Single Network to Multiple Tasks by Learning to Mask WeightsECCVcode88
Knowledge Aided Consistency for Weakly Supervised Phrase GroundingCVPRcode87
CSRNet: Dilated Convolutional Neural Networks for Understanding the Highly Congested ScenesCVPRcode87
Neural Arithmetic Logic UnitsNIPScode87
A PID Controller Approach for Stochastic Optimization of Deep NetworksCVPRcode87
VITAL: VIsual Tracking via Adversarial LearningCVPRcode86
Learning Spatial-Temporal Regularized Correlation Filters for Visual TrackingCVPRcode86
Recurrent Pixel Embedding for Instance GroupingCVPRcode85
SGPN: Similarity Group Proposal Network for 3D Point Cloud Instance SegmentationCVPRcode84
Multi-Scale Location-Aware Kernel Representation for Object DetectionCVPRcode84
Repeatability Is Not Enough: Learning Affine Regions via DiscriminabilityECCVcode84
“Zero-Shot” Super-Resolution Using Deep Internal LearningCVPRcode84
DF-Net: Unsupervised Joint Learning of Depth and Flow using Cross-Task ConsistencyECCVcode82
Multi-View Consistency as Supervisory Signal for Learning Shape and Pose PredictionCVPRcode80
Factorizable Net: An Efficient Subgraph-based Framework for Scene Graph GenerationECCVcode78
Generalizing A Person Retrieval Model Hetero- and HomogeneouslyECCVcode78
Crafting a Toolchain for Image Restoration by Deep Reinforcement LearningCVPRcode77
Pairwise Confusion for Fine-Grained Visual ClassificationECCVcode77
Learning to Reweight Examples for Robust Deep LearningICMLcode76
Improving Generalization via Scalable Neighborhood Component AnalysisECCVcode76
SparseMAP: Differentiable Sparse Structured InferenceICMLcode75
PDE-Net: Learning PDEs from DataICMLcode75
Pose-Normalized Image Generation for Person Re-identificationECCVcode75
Disentangled Person Image GenerationCVPRcode75
Learning to Navigate for Fine-grained ClassificationECCVcode74
Superpixel Sampling NetworksECCVcode74
Shift-Net: Image Inpainting via Deep Feature RearrangementECCVcode74
3DMV: Joint 3D-Multi-View Prediction for 3D Semantic Scene SegmentationECCVcode74
Ordinal Depth Supervision for 3D Human Pose EstimationCVPRcode74
Path-Level Network Transformation for Efficient Architecture SearchICMLcode73
Diverse Image-to-Image Translation via Disentangled RepresentationsECCVcode72
Visual Feature Attribution Using Wasserstein GANsCVPRcode72
Real-World Anomaly Detection in Surveillance VideosCVPRcode72
Self-Supervised Adversarial Hashing Networks for Cross-Modal RetrievalCVPRcode72
Holistic 3D Scene Parsing and Reconstruction from a Single RGB ImageECCVcode72
Learning to Find Good CorrespondencesCVPRcode72
Learning Less Is More - 6D Camera Localization via 3D Surface RegressionCVPRcode72
Object Level Visual Reasoning in VideosECCVcode71
Weakly-Supervised Semantic Segmentation Network With Deep Seeded Region GrowingCVPRcode71
Avatar-Net: Multi-Scale Zero-Shot Style Transfer by Feature DecorationCVPRcode71
Fast and Accurate Single Image Super-Resolution via Information Distillation NetworkCVPRcode71
Regularizing RNNs for Caption Generation by Reconstructing the Past With the PresentCVPRcode70
Multi-Shot Pedestrian Re-Identification via Sequential Decision MakingCVPRcode70
PointNetVLAD: Deep Point Cloud Based Retrieval for Large-Scale Place RecognitionCVPRcode69
Progressive Neural Architecture SearchECCVcode68
Generative Neural Machine TranslationNIPScode68
Learning Latent Super-Events to Detect Multiple Activities in VideosCVPRcode67
Generate to Adapt: Aligning Domains Using Generative Adversarial NetworksCVPRcode67
Adversarial Feature Augmentation for Unsupervised Domain AdaptationCVPRcode67
Learning Attentions: Residual Attentional Siamese Network for High Performance Online Visual TrackingCVPRcode67
Pointwise Convolutional Neural NetworksCVPRcode67
Optimizing the Latent Space of Generative NetworksICMLcode66
Part-Aligned Bilinear Representations for Person Re-IdentificationECCVcode64
Geometry-Aware Learning of Maps for Camera LocalizationCVPRcode63
Fighting Fake News: Image Splice Detection via Learned Self-ConsistencyECCVcode62
Isolating Sources of Disentanglement in Variational AutoencodersNIPScode62
Neural Program Synthesis from Diverse Demonstration VideosICMLcode62
Learning Rigidity in Dynamic Scenes with a Moving Camera for 3D Motion Field EstimationECCVcode61
Rotation-Sensitive Regression for Oriented Scene Text DetectionCVPRcode61
Human Semantic Parsing for Person Re-IdentificationCVPRcode61
Unsupervised Discovery of Object Landmarks as Structural RepresentationsCVPRcode61
IQA: Visual Question Answering in Interactive EnvironmentsCVPRcode60
Hierarchical Long-term Video Prediction without SupervisionICMLcode60
Unsupervised Domain Adaptation for 3D Keypoint Estimation via View ConsistencyECCVcode60
Exploit the Unknown Gradually: One-Shot Video-Based Person Re-Identification by Stepwise LearningCVPRcode59
Neural Style Transfer via Meta NetworksCVPRcode59
Frame-Recurrent Video Super-ResolutionCVPRcode58
PlaneMatch: Patch Coplanarity Prediction for Robust RGB-D ReconstructionECCVcode57
CBAM: Convolutional Block Attention ModuleECCVcode57
Decorrelated Batch NormalizationCVPRcode57
Learning Conditioned Graph Structures for Interpretable Visual Question AnsweringNIPScode57
Hierarchical Bilinear Pooling for Fine-Grained Visual RecognitionECCVcode57
Leveraging Unlabeled Data for Crowd Counting by Learning to RankCVPRcode56
Deep Marching Cubes: Learning Explicit Surface RepresentationsCVPRcode56
Learning From Synthetic Data: Addressing Domain Shift for Semantic SegmentationCVPRcode56
LF-Net: Learning Local Features from ImagesNIPScode55
Semi-supervised Adversarial Learning to Generate Photorealistic Face Images of New Identities from 3D Morphable ModelECCVcode55
Discriminability Objective for Training Descriptive CaptionsCVPRcode54
BlockDrop: Dynamic Inference Paths in Residual NetworksCVPRcode54
Conditional Probability Models for Deep Image CompressionCVPRcode54
Jointly Optimize Data Augmentation and Network Training: Adversarial Data Augmentation in Human Pose EstimationCVPRcode54
Learning towards Minimum Hyperspherical EnergyNIPScode54
DeepVS: A Deep Learning Based Video Saliency Prediction ApproachECCVcode53
Learning Efficient Single-stage Pedestrian Detectors by Asymptotic Localization FittingECCVcode52
Learning Pixel-Level Semantic Affinity With Image-Level Supervision for Weakly Supervised Semantic SegmentationCVPRcode52
Wasserstein Introspective Neural NetworksCVPRcode51
SketchyGAN: Towards Diverse and Realistic Sketch to Image SynthesisCVPRcode51
Self-produced Guidance for Weakly-supervised Object LocalizationECCVcode51
Measuring abstract reasoning in neural networksICMLcode51
A Unified Feature Disentangler for Multi-Domain Image Translation and ManipulationNIPScode51
RayNet: Learning Volumetric 3D Reconstruction With Ray PotentialsCVPRcode51
Coloring with Words: Guiding Image Colorization Through Text-based Palette GenerationECCVcode50
Efficient end-to-end learning for quantizable representationsICMLcode50
Visual Question Generation as Dual Task of Visual Question AnsweringCVPRcode50
Fast and Scalable Bayesian Deep Learning by Weight-Perturbation in AdamICMLcode49
Surface NetworksCVPRcode48
Deep k-Means: Re-Training and Parameter Sharing with Harder Cluster Assignments for Compressing Deep ConvolutionsICMLcode48
Stacked Cross Attention for Image-Text MatchingECCVcode48
Actor and Observer: Joint Modeling of First and Third-Person VideosCVPRcode48
Super SloMo: High Quality Estimation of Multiple Intermediate Frames for Video InterpolationCVPRcode47
Learning-based Video Motion MagnificationECCVcode47
Pose Partition Networks for Multi-Person Pose EstimationECCVcode47
Neural Autoregressive FlowsICMLcode47
Weakly- and Semi-Supervised Panoptic SegmentationECCVcode46
Video Re-localizationECCVcode46
Real-time 'Actor-Critic' TrackingECCVcode46
Black-box Adversarial Attacks with Limited Queries and InformationICMLcode46
Hyperbolic Entailment Cones for Learning Hierarchical EmbeddingsICMLcode46
Structured Attention Guided Convolutional Neural Fields for Monocular Depth EstimationCVPRcode46
Differentiable Compositional Kernel Learning for Gaussian ProcessesICMLcode45
Visualizing and Understanding Atari AgentsICMLcode45
Image Manipulation with Perceptual DiscriminatorsECCVcode45
Learning Intrinsic Image Decomposition From Watching the WorldCVPRcode45
Overcoming Catastrophic Forgetting with Hard Attention to the TaskICMLcode44
Learning Pose Specific Representations by Predicting Different ViewsCVPRcode44
Zero-Shot Object DetectionECCVcode43
Mean Field Multi-Agent Reinforcement LearningICMLcode43
Partial Adversarial Domain AdaptationECCVcode43
Mutual Learning to Adapt for Joint Human Parsing and Pose EstimationECCVcode43
Robust Classification With Convolutional Prototype LearningCVPRcode43
SimplE Embedding for Link Prediction in Knowledge GraphsNIPScode42
PredRNN++: Towards A Resolution of the Deep-in-Time Dilemma in Spatiotemporal Predictive LearningICMLcode42
Learning to Blend PhotosECCVcode42
Mask-Guided Contrastive Attention Model for Person Re-IdentificationCVPRcode41
Link Prediction Based on Graph Neural NetworksNIPScode41
Generalisation in humans and deep neural networksNIPScode41
Towards Binary-Valued Gates for Robust LSTM TrainingICMLcode41
Multi-scale Residual Network for Image Super-ResolutionECCVcode41
Fully Motion-Aware Network for Video Object DetectionECCVcode41
Interpretable Convolutional Neural NetworksCVPRcode40
Generative Adversarial PerturbationsCVPRcode40
The Sound of PixelsECCVcode40
Towards Faster Training of Global Covariance Pooling Networks by Iterative Matrix Square Root NormalizationCVPRcode40
Choose Your Neuron: Incorporating Domain Knowledge through Neuron-ImportanceECCVcode40
Multi-View Silhouette and Depth Decomposition for High Resolution 3D Object RepresentationNIPScode40
Learning Warped Guidance for Blind Face RestorationECCVcode39
Adversarial Complementary Learning for Weakly Supervised Object LocalizationCVPRcode39
Learning Semantic Representations for Unsupervised Domain AdaptationICMLcode39
Neural Architecture Search with Bayesian Optimisation and Optimal TransportNIPScode39
Mutual Information Neural EstimationICMLcode39
NetGAN: Generating Graphs via Random WalksICMLcode39
Learning to Evaluate Image CaptioningCVPRcode38
Hyperbolic Neural NetworksNIPScode37
Unsupervised Geometry-Aware Representation for 3D Human Pose EstimationECCVcode37
Adversarially Learned One-Class Classifier for Novelty DetectionCVPRcode37
Disentangling by FactorisingICMLcode37
Extracting Automata from Recurrent Neural Networks Using Queries and CounterexamplesICMLcode37
Tangent Convolutions for Dense Prediction in 3DCVPRcode37
Few-Shot Image Recognition by Predicting Parameters From ActivationsCVPRcode37
Real-Time Monocular Depth Estimation Using Synthetic Data With Domain Adaptation via Image Style TransferCVPRcode37
Generalizing to Unseen Domains via Adversarial Data AugmentationNIPScode36
SeGAN: Segmenting and Generating the InvisibleCVPRcode36
Graphical Generative Adversarial NetworksNIPScode36
PieAPP: Perceptual Image-Error Assessment Through Pairwise PreferenceCVPRcode36
Gated Fusion Network for Single Image DehazingCVPRcode35
Neural Code Comprehension: A Learnable Representation of Code SemanticsNIPScode35
Eye In-Painting With Exemplar Generative Adversarial NetworksCVPRcode35
Deep One-Class ClassificationICMLcode34
Deep Regression Tracking with Shrinkage LossECCVcode34
Deflecting Adversarial Attacks With Pixel DeflectionCVPRcode34
Learning Visual Question Answering by Bootstrapping Hard AttentionECCVcode33
Human-Centric Indoor Scene Synthesis Using Stochastic GrammarCVPRcode33
Improved Fusion of Visual and Language Representations by Dense Symmetric Co-Attention for Visual Question AnsweringCVPRcode33
CleanNet: Transfer Learning for Scalable Image Classifier Training With Label NoiseCVPRcode33
Speaker-Follower Models for Vision-and-Language NavigationNIPScode33
Improving Shape Deformation in Unsupervised Image-to-Image TranslationECCVcode33
Learning Single-View 3D Reconstruction with Limited Pose SupervisionECCVcode33
3D Steerable CNNs: Learning Rotationally Equivariant Features in Volumetric DataNIPScode33
Adversarial Logit PairingNIPScode32
Attention in Convolutional LSTM for Gesture RecognitionNIPScode32
Graph-Cut RANSACCVPRcode32
Neural Guided Constraint Logic Programming for Program SynthesisNIPScode32
Learning Dynamic Memory Networks for Object TrackingECCVcode32
GeoDesc: Learning Local Descriptors by Integrating Geometry ConstraintsECCVcode32
A Simple Unified Framework for Detecting Out-of-Distribution Samples and Adversarial AttacksNIPScode32
Flow-Grounded Spatial-Temporal Video Prediction from Still ImagesECCVcode32
Bidirectional Feature Pyramid Network with Recurrent Attention Residual Modules for Shadow DetectionECCVcode32
On the Robustness of Semantic Segmentation Models to Adversarial AttacksCVPRcode31
Large Scale Fine-Grained Categorization and Domain-Specific Transfer LearningCVPRcode31
SketchyScene: Richly-Annotated Scene SketchesECCVcode31
Deep Randomized Ensembles for Metric LearningECCVcode30
Deep High Dynamic Range Imaging with Large Foreground MotionsECCVcode30
Revisiting Video Saliency: A Large-Scale Benchmark and a New ModelCVPRcode30
Blazingly Fast Video Object Segmentation With Pixel-Wise Metric LearningCVPRcode30
Deep Model-Based 6D Pose Refinement in RGBECCVcode30
TOM-Net: Learning Transparent Object Matting From a Single ImageCVPRcode30
Quaternion Convolutional Neural NetworksECCVcode30
Densely Connected Attention Propagation for Reading ComprehensionNIPScode30
A Trilateral Weighted Sparse Coding Scheme for Real-World Image DenoisingECCVcode30
Self-Consistent Trajectory Autoencoder: Hierarchical Reinforcement Learning with Trajectory EmbeddingsICMLcode29
Video Rain Streak Removal by Multiscale Convolutional Sparse CodingCVPRcode29
Recurrent Scene Parsing With Perspective Understanding in the LoopCVPRcode29
Single Shot Scene Text RetrievalECCVcode29
Toward Characteristic-Preserving Image-based Virtual Try-On NetworkECCVcode29
Explainable Neural Computation via Stack Neural Module NetworksECCVcode29
Exploring Disentangled Feature Representation Beyond Face IdentificationCVPRcode29
Controllable Video Generation With Sparse TrajectoriesCVPRcode28
Layer-structured 3D Scene Inference via View SynthesisECCVcode28
Encoder-Decoder with Atrous Separable Convolution for Semantic Image SegmentationECCVcode28
PiCANet: Learning Pixel-Wise Contextual Attention for Saliency DetectionCVPRcode28
Learning Rich Features for Image Manipulation DetectionCVPRcode27
Fast Video Object Segmentation by Reference-Guided Mask PropagationCVPRcode27
3DFeat-Net: Weakly Supervised Local 3D Features for Point Cloud RegistrationECCVcode27
Who Let the Dogs Out? Modeling Dog Behavior From Visual DataCVPRcode27
EC-Net: an Edge-aware Point set Consolidation NetworkECCVcode27
Interpretable Intuitive Physics ModelECCVcode27
Learning a Discriminative Feature Network for Semantic SegmentationCVPRcode26
Partial Transfer Learning With Selective Adversarial NetworksCVPRcode26
Cross-Modal Deep Variational Hand Pose EstimationCVPRcode26
Between-Class Learning for Image ClassificationCVPRcode26
AON: Towards Arbitrarily-Oriented Text RecognitionCVPRcode26
Conditional Image-to-Image TranslationCVPRcode25
Learning Convolutional Networks for Content-Weighted Image CompressionCVPRcode25
Diversity Regularized Spatiotemporal Attention for Video-Based Person Re-IdentificationCVPRcode25
Dynamic Multimodal Instance Segmentation Guided by Natural Language QueriesECCVcode25
CBMV: A Coalesced Bidirectional Matching Volume for Disparity EstimationCVPRcode25
Deep Texture Manifold for Ground Terrain RecognitionCVPRcode25
Audio-Visual Event Localization in Unconstrained VideosECCVcode25
First Order Generative Adversarial NetworksICMLcode25
Visual Coreference Resolution in Visual Dialog using Neural Module NetworksECCVcode25
SYQ: Learning Symmetric Quantization for Efficient Deep Neural NetworksCVPRcode24
Deep Reinforcement Learning of Marked Temporal Point ProcessesNIPScode24
Explicit Inductive Bias for Transfer Learning with Convolutional NetworksICMLcode24
LEGO: Learning Edge With Geometry All at Once by Watching VideosCVPRcode24
Verisimilar Image Synthesis for Accurate Detection and Recognition of Texts in ScenesECCVcode24
Multi-Agent Diverse Generative Adversarial NetworksCVPRcode23
Face Aging With Identity-Preserved Conditional Generative Adversarial NetworksCVPRcode23
Learning to Separate Object Sounds by Watching Unlabeled VideoECCVcode23
Exploiting the Potential of Standard Convolutional Autoencoders for Image Restoration by Evolutionary SearchICMLcode23
To Trust Or Not To Trust A ClassifierNIPScode23
Im2Flow: Motion Hallucination From Static Images for Action RecognitionCVPRcode22
ISTA-Net: Interpretable Optimization-Inspired Deep Network for Image Compressive SensingCVPRcode22
Hallucinated-IQA: No-Reference Image Quality Assessment via Adversarial LearningCVPRcode22
Anonymous Walk EmbeddingsICMLcode22
Learning to MultitaskNIPScode22
CondenseNet: An Efficient DenseNet Using Learned Group ConvolutionsCVPRcode22
HashGAN: Deep Learning to Hash With Pair Conditional Wasserstein GANCVPRcode22
Hierarchical Relational Networks for Group Activity Recognition and RetrievalECCVcode22
Collaborative and Adversarial Network for Unsupervised Domain AdaptationCVPRcode22
Geometry-Aware Scene Text Detection With Instance Transformation NetworkCVPRcode22
Learning to Promote Saliency DetectorsCVPRcode21
CSGNet: Neural Shape Parser for Constructive Solid GeometryCVPRcode21
Local Spectral Graph Convolution for Point Set Feature LearningECCVcode21
HiDDeN: Hiding Data with Deep NetworksECCVcode21
GraphBit: Bitwise Interaction Mining via Deep Reinforcement LearningCVPRcode20
Stacked Conditional Generative Adversarial Networks for Jointly Learning Shadow Detection and Shadow RemovalCVPRcode20
Fully-Convolutional Point Networks for Large-Scale Point CloudsECCVcode20
Learning Superpixels With Segmentation-Aware Affinity LossCVPRcode20
Zero-Shot Visual Recognition Using Semantics-Preserving Adversarial Embedding NetworksCVPRcode20
Crowd Counting With Deep Negative Correlation LearningCVPRcode20
Dimensionality-Driven Learning with Noisy LabelsICMLcode20
Objects that SoundECCVcode20
Deep Expander Networks: Efficient Deep Networks from Graph TheoryECCVcode19
Low-Shot Learning With Large-Scale DiffusionCVPRcode19
Low-Shot Learning With Imprinted WeightsCVPRcode19
Cross-Domain Self-Supervised Multi-Task Feature Learning Using Synthetic ImageryCVPRcode19
Learning Descriptor Networks for 3D Shape Synthesis and AnalysisCVPRcode19
Disentangling Factors of Variation with Cycle-Consistent Variational Auto-EncodersECCVcode19
CTAP: Complementary Temporal Action Proposal GenerationECCVcode18
DVAE#: Discrete Variational Autoencoders with Relaxed Boltzmann PriorsNIPScode18
Conditional Image-Text Embedding NetworksECCVcode18
EPINET: A Fully-Convolutional Neural Network Using Epipolar Geometry for Depth From Light Field ImagesCVPRcode18
Glimpse Clouds: Human Activity Recognition From Unstructured Feature PointsCVPRcode18
Bayesian Optimization of Combinatorial StructuresICMLcode18
FeaStNet: Feature-Steered Graph Convolutions for 3D Shape AnalysisCVPRcode18
Learning Type-Aware Embeddings for Fashion CompatibilityECCVcode17
Sliced Wasserstein Distance for Learning Gaussian Mixture ModelsCVPRcode17
Revisiting Deep Intrinsic Image DecompositionsCVPRcode17
A Spectral Approach to Gradient Estimation for Implicit DistributionsICMLcode17
Hierarchical Novelty Detection for Visual Object RecognitionCVPRcode17
Total Capture: A 3D Deformation Model for Tracking Faces, Hands, and BodiesCVPRcode17
Learning Generative ConvNets via Multi-Grid Modeling and SamplingCVPRcode17
Learning 3D Shape Completion From Laser Scan Data With Weak SupervisionCVPRcode17
Triplet Loss in Siamese Network for Object TrackingECCVcode17
Adversarial Attack on Graph Structured DataICMLcode17
Arbitrary Style Transfer With Deep Feature ReshuffleCVPRcode17
Visual Question Reasoning on General Dependency TreeCVPRcode17
Predicting Gaze in Egocentric Video by Learning Task-dependent Attention TransitionECCVcode16
Lipschitz-Margin Training: Scalable Certification of Perturbation Invariance for Deep Neural NetworksNIPScode16
Coded Sparse Matrix MultiplicationICMLcode16
Weakly-Supervised Action Segmentation With Iterative Soft Boundary AssignmentCVPRcode16
Recovering 3D Planes from a Single Image via Convolutional Neural NetworksECCVcode16
SegStereo: Exploiting Semantic Information for Disparity EstimationECCVcode16
Functional Gradient Boosting based on Residual Network PerceptionICMLcode16
NAG: Network for Adversary GenerationCVPRcode16
Generative Probabilistic Novelty Detection with Adversarial AutoencodersNIPScode16
Hashing as Tie-Aware Learning to RankCVPRcode15
Pose Proposal NetworksECCVcode15
Convolutional Sequence to Sequence Model for Human DynamicsCVPRcode15
Joint Pose and Expression Modeling for Facial Expression RecognitionCVPRcode15
Grounding Referring Expressions in Images by Variational ContextCVPRcode15
Rethinking the Form of Latent States in Image CaptioningECCVcode15
Open Set Domain Adaptation by BackpropagationECCVcode15
Neural Sign Language TranslationCVPRcode15
SpiderCNN: Deep Learning on Point Sets with Parameterized Convolutional FiltersECCVcode15
Efficient Neural Audio SynthesisICMLcode15
Deep Learning Under Privileged Information Using Heteroscedastic DropoutCVPRcode14
Image TransformerICMLcode14
Learning to Understand Image BlurCVPRcode14
Learning and Using the Arrow of TimeCVPRcode14
Action Sets: Weakly Supervised Action Segmentation Without Ordering ConstraintsCVPRcode14
Learning to Forecast and Refine Residual Motion for Image-to-Video GenerationECCVcode14
Multi-Scale Weighted Nuclear Norm Image RestorationCVPRcode14
Synthesizing Robust Adversarial ExamplesICMLcode13
Fine-Grained Visual Categorization using Meta-Learning Optimization with Sample Selection of Auxiliary DataECCVcode13
Assessing Generative Models via Precision and RecallNIPScode13
Deep Diffeomorphic Transformer NetworksCVPRcode13
Learning by Asking QuestionsCVPRcode13
Towards Human-Machine Cooperation: Self-Supervised Sample Mining for Object DetectionCVPRcode13
Variational Autoencoders for Deforming 3D Mesh ModelsCVPRcode13
Min-Entropy Latent Model for Weakly Supervised Object DetectionCVPRcode13
Bottom-Up and Top-Down Attention for Image Captioning and Visual Question AnsweringCVPRcode13
Gradient-Based Meta-Learning with Learned Layerwise Metric and SubspaceICMLcode13
Learning a Discriminative Filter Bank Within a CNN for Fine-Grained RecognitionCVPRcode13
Finding Influential Training Samples for Gradient Boosted Decision TreesICMLcode13
Gesture Recognition: Focus on the HandsCVPRcode12
Cross-View Image Synthesis Using Conditional GANsCVPRcode12
Joint Optimization Framework for Learning With Noisy LabelsCVPRcode12
Future Person Localization in First-Person VideosCVPRcode12
AutoLoc: Weakly-supervised Temporal Action Localization in Untrimmed VideosECCVcode12
Learning Transferable Architectures for Scalable Image RecognitionCVPRcode12
Clipped Action Policy GradientICMLcode12
Mix and Match Networks: Encoder-Decoder Alignment for Zero-Pair Image TranslationCVPRcode12
Decouple Learning for Parameterized Image OperatorsECCVcode12
Generalized Earley Parser: Bridging Symbolic Grammars and Sequence Data for Future PredictionICMLcode12
Adaptive Skip Intervals: Temporal Abstraction for Recurrent Dynamical ModelsNIPScode12
AMNet: Memorability Estimation With AttentionCVPRcode12
Adversarial Time-to-Event ModelingICMLcode12
Reversible Recurrent Neural NetworksNIPScode12
Human Pose Estimation With Parsing Induced LearnerCVPRcode11
ShapeStacks: Learning Vision-Based Physical Intuition for Generalised Object StackingECCVcode11
A Joint Sequence Fusion Model for Video Question Answering and RetrievalECCVcode11
Learning Face Age Progression: A Pyramid Architecture of GANsCVPRcode11
Robust Physical-World Attacks on Deep Learning Visual ClassificationCVPRcode11
High-Quality Prediction Intervals for Deep Learning: A Distribution-Free, Ensembled ApproachICMLcode11
Meta-Learning by Adjusting Priors Based on Extended PAC-Bayes TheoryICMLcode11
Multimodal Explanations: Justifying Decisions and Pointing to the EvidenceCVPRcode11
Accelerating Natural Gradient with Higher-Order InvarianceICMLcode11
Hierarchical Multi-Label Classification NetworksICMLcode11
Convolutional Image CaptioningCVPRcode11
Boosting Domain Adaptation by Discovering Latent DomainsCVPRcode11
Logo Synthesis and Manipulation With Clustered Generative Adversarial NetworksCVPRcode10
PacGAN: The power of two samples in generative adversarial networksNIPScode10
Attention Clusters: Purely Attention Based Local Feature Integration for Video ClassificationCVPRcode10
End-to-End Incremental LearningECCVcode10
Multi-Oriented Scene Text Detection via Corner Localization and Region SegmentationCVPRcode10
On GANs and GMMsNIPScode10
Salient Object Detection Driven by Fixation PredictionCVPRcode9
Semantic Video Segmentation by Gated Recurrent Flow PropagationCVPRcode9
Constraint-Aware Deep Neural Network CompressionECCVcode9
Statistically-motivated Second-order PoolingECCVcode9
Excitation Backprop for RNNsCVPRcode9
Analyzing Uncertainty in Neural Machine TranslationICMLcode9
Learning Dynamics of Linear Denoising AutoencodersICMLcode9
Saliency Detection in 360° VideosECCVcode9
Density Adaptive Point Set RegistrationCVPRcode9
Decoupled Parallel Backpropagation with Convergence GuaranteeICMLcode9
Classification from Pairwise Similarity and Unlabeled DataICMLcode9
oi-VAE: Output Interpretable VAEs for Nonlinear Group Factor AnalysisICMLcode9
Modeling Sparse Deviations for Compressed Sensing using Generative ModelsICMLcode9
Pixels, Voxels, and Views: A Study of Shape Representations for Single View 3D Object Shape PredictionCVPRcode9
Towards Open-Set Identity Preserving Face SynthesisCVPRcode9
Five-Point Fundamental Matrix Estimation for Uncalibrated CamerasCVPRcode8
BourGAN: Generative Networks with Metric EmbeddingsNIPScode8
Fast Information-theoretic Bayesian OptimisationICMLcode8
Deep Variational Reinforcement Learning for POMDPsICMLcode8
Specular-to-Diffuse Translation for Multi-View ReconstructionECCVcode8
Dynamic Conditional Networks for Few-Shot LearningECCVcode8
Learning Facial Action Units From Web Images With Scalable Weakly Supervised ClusteringCVPRcode8
High-Resolution Image Synthesis and Semantic Manipulation With Conditional GANsCVPRcode8
Deep Defense: Training DNNs with Improved Adversarial RobustnessNIPScode8
Learning K-way D-dimensional Discrete Codes for Compact Embedding RepresentationsICMLcode8
Light Structure from Pin Motion: Simple and Accurate Point Light Calibration for Physics-based ModelingECCVcode7
Non-metric Similarity Graphs for Maximum Inner Product SearchNIPScode7
Towards Realistic PredictorsECCVcode7
Deep Non-Blind Deconvolution via Generalized Low-Rank ApproximationNIPScode7
Don’t Just Assume Look and Answer: Overcoming Priors for Visual Question AnsweringCVPRcode7
Learning Dual Convolutional Neural Networks for Low-Level VisionCVPRcode7
The Mirage of Action-Dependent Baselines in Reinforcement LearningICMLcode7
DVQA: Understanding Data Visualizations via Question AnsweringCVPRcode7
A Two-Step Disentanglement MethodCVPRcode7
Detecting and Correcting for Label Shift with Black Box PredictorsICMLcode7
Conditional Prior Networks for Optical FlowECCVcode7
Generative Adversarial Learning Towards Fast Weakly Supervised DetectionCVPRcode7
Adversarial Learning with Local Coordinate CodingICMLcode7
Stochastic Downsampling for Cost-Adjustable Inference and Improved Regularization in Convolutional NetworksCVPRcode7
AttnGAN: Fine-Grained Text to Image Generation With Attentional Generative Adversarial NetworksCVPRcode7
Learning to Explain: An Information-Theoretic Perspective on Model InterpretationICMLcode7
Banach Wasserstein GANNIPScode7
Gradually Updated Neural Networks for Large-Scale Image RecognitionICMLcode7
Learning Steady-States of Iterative Algorithms over GraphsICMLcode7
Progressive Attention Guided Recurrent Network for Salient Object DetectionCVPRcode7
Zoom and Learn: Generalizing Deep Stereo Matching to Novel DomainsCVPRcode6
Unsupervised holistic image generation from key local patchesECCVcode6
Inner Space Preserving Generative Pose MachineECCVcode6
Bilevel Programming for Hyperparameter Optimization and Meta-LearningICMLcode6
Optical Flow Guided Feature: A Fast and Robust Motion Representation for Video Action RecognitionCVPRcode6
Breaking the Activation Function Bottleneck through Adaptive ParameterizationNIPScode6
Ultra Large-Scale Feature Selection using Count-SketchesICMLcode6
Dynamic Scene Deblurring Using Spatially Variant Recurrent Neural NetworksCVPRcode6
Orthogonally Decoupled Variational Gaussian ProcessesNIPScode6
Batch Bayesian Optimization via Multi-objective Acquisition Ensemble for Automated Analog Circuit DesignICMLcode6
A Modulation Module for Multi-task Learning with Applications in Image RetrievalECCVcode6
A Memory Network Approach for Story-Based Temporal Summarization of 360° VideosCVPRcode6
Towards Effective Low-Bitwidth Convolutional Neural NetworksCVPRcode5
Disentangling Factors of Variation by Mixing ThemCVPRcode5
Weakly-supervised Video Summarization using Variational Encoder-Decoder and Web PriorECCVcode5
Learning Longer-term Dependencies in RNNs with Auxiliary LossesICMLcode5
Contour Knowledge Transfer for Salient Object DetectionECCVcode5
HybridNet: Classification and Reconstruction Cooperation for Semi-Supervised LearningECCVcode5
Sidekick Policy Learning for Active Visual ExplorationECCVcode5
Learning to Localize Sound Source in Visual ScenesCVPRcode5
Neural Architecture OptimizationNIPScode5
COLA: Decentralized Linear LearningNIPScode5
Diverse and Coherent Paragraph Generation from ImagesECCVcode5
DRACO: Byzantine-resilient Distributed Training via Redundant GradientsICMLcode5
Inter and Intra Topic Structure Learning with Word EmbeddingsICMLcode5
Estimating the Success of Unsupervised Image to Image TranslationECCVcode5
Dynamic-Structured Semantic Propagation NetworkCVPRcode5
The Description Length of Deep Learning modelsNIPScode5
Stereo Vision-based Semantic 3D Object and Ego-motion Tracking for Autonomous DrivingECCVcode5
Blind Justice: Fairness with Encrypted Sensitive AttributesICMLcode5
Transfer Learning via Learning to TransferICMLcode5
Deepcode: Feedback Codes via Deep LearningNIPScode4
Configurable Markov Decision ProcessesICMLcode4
A Framework for Evaluating 6-DOF Object TrackersECCVcode4
Differentially Private Database Release via Kernel Mean EmbeddingsICMLcode4
Recognizing Human Actions as the Evolution of Pose Estimation MapsCVPRcode4
Connecting Pixels to Privacy and Utility: Automatic Redaction of Private Information in ImagesCVPRcode4
DeLS-3D: Deep Localization and Segmentation With a 3D Semantic MapCVPRcode4
Geolocation Estimation of Photos using a Hierarchical Model and Scene ClassificationECCVcode4
Tracking Emerges by Colorizing VideosECCVcode4
Diverse Conditional Image Generation by Stochastic Regression with Latent Drop-Out CodesECCVcode4
Inference Suboptimality in Variational AutoencodersICMLcode4
Black Box FDRICMLcode4
Feedback-Prop: Convolutional Neural Network Inference Under Partial EvidenceCVPRcode4
Quadrature-based features for kernel approximationNIPScode4
Joint Representation and Truncated Inference Learning for Correlation Filter based TrackingECCVcode4
Transferable Adversarial PerturbationsECCVcode4
Single Image Water Hazard Detection using FCN with Reflection Attention UnitsECCVcode4
Multimodal Generative Models for Scalable Weakly-Supervised LearningNIPScode4
Importance Weighted Transfer of Samples in Reinforcement LearningICMLcode3
Feature Generating Networks for Zero-Shot LearningCVPRcode3
DICOD: Distributed Convolutional Coordinate Descent for Convolutional Sparse CodingICMLcode3
CapProNet: Deep Feature Learning via Orthogonal Projections onto Capsule SubspacesNIPScode3
Bidirectional Retrieval Made SimpleCVPRcode3
Multilingual Anchoring: Interactive Topic Modeling and Alignment Across LanguagesNIPScode3
A Hybrid l1-l0 Layer Decomposition Model for Tone MappingCVPRcode3
Spatially-Adaptive Filter Units for Deep Neural NetworksCVPRcode3
Learning to BranchICMLcode3
Explanations based on the Missing: Towards Contrastive Explanations with Pertinent NegativesNIPScode3
Lifelong Learning via Progressive Distillation and RetrospectionECCVcode3
CLEAR: Cumulative LEARning for One-Shot One-Class Image RecognitionCVPRcode3
Not to Cry Wolf: Distantly Supervised Multitask Learning in Critical CareICMLcode3
Learning Answer Embeddings for Visual Question AnsweringCVPRcode3
Information Constraints on Auto-Encoding Variational BayesNIPScode3
Parallel Bayesian Network Structure LearningICMLcode3
Ring Loss: Convex Feature Normalization for Face RecognitionCVPRcode3
Teaching Categories to Human Learners With Visual ExplanationsCVPRcode3
Stabilizing Gradients for Deep Neural Networks via Efficient SVD ParameterizationICMLcode3
Deep Burst DenoisingECCVcode3
Convergent Tree Backup and Retrace with Function ApproximationICMLcode3
Gaze Prediction in Dynamic 360° Immersive VideosCVPRcode3
Statistical Recurrent Models on Manifold valued DataNIPScode3
End-to-End Flow Correlation Tracking With Spatial-Temporal AttentionCVPRcode3

2017

TitleConfCodeStars
Bridging the Gap Between Value and Policy Based Reinforcement LearningNIPScode46593
REBAR: Low-variance, unbiased gradient estimates for discrete latent variable modelsNIPScode46593
Focal Loss for Dense Object DetectionICCVcode18356
Mask R-CNNICCVcode9493
Deep Photo Style TransferCVPRcode8655
LightGBM: A Highly Efficient Gradient Boosting Decision TreeNIPScode7536
Scalable trust-region method for deep reinforcement learning using Kronecker-factored approximationNIPScode6449
Attention is All you NeedNIPScode6288
Large Pose 3D Face Reconstruction From a Single Image via Direct Volumetric CNN RegressionICCVcode3354
Densely Connected Convolutional NetworksCVPRcode3130
A Unified Approach to Interpreting Model PredictionsNIPScode3122
Deformable Convolutional NetworksICCVcode2165
ELF: An Extensive, Lightweight and Flexible Research Platform for Real-time Strategy GamesNIPScode1823
PointNet: Deep Learning on Point Sets for 3D Classification and SegmentationCVPRcode1523
Improved Training of Wasserstein GANsNIPScode1405
Fully Convolutional Instance-Aware Semantic SegmentationCVPRcode1395
Aggregated Residual Transformations for Deep Neural NetworksCVPRcode1361
Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial NetworkCVPRcode1301
Unsupervised Image-to-Image Translation NetworksNIPScode1205
Photographic Image Synthesis With Cascaded Refinement NetworksICCVcode1142
High-Resolution Image Inpainting Using Multi-Scale Neural Patch SynthesisCVPRcode1072
SphereFace: Deep Hypersphere Embedding for Face RecognitionCVPRcode1048
Deep Feature Flow for Video RecognitionCVPRcode966
Bayesian GANNIPScode942
Pyramid Scene Parsing NetworkCVPRcode934
Efficient Modeling of Latent Information in Supervised Learning using Gaussian ProcessesNIPScode906
Finding Tiny FacesCVPRcode856
Toward Multimodal Image-to-Image TranslationNIPScode794
Learning to Discover Cross-Domain Relations with Generative Adversarial NetworksICMLcode784
YOLO9000: Better, Faster, StrongerCVPRcode773
PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric SpaceNIPScode772
Model-Agnostic Meta-Learning for Fast Adaptation of Deep NetworksICMLcode729
FlowNet 2.0: Evolution of Optical Flow Estimation With Deep NetworksCVPRcode720
Channel Pruning for Accelerating Very Deep Neural NetworksICCVcode649
Dilated Residual NetworksCVPRcode640
Inferring and Executing Programs for Visual ReasoningICCVcode636
DSOD: Learning Deeply Supervised Object Detectors From ScratchICCVcode582
Arbitrary Style Transfer in Real-Time With Adaptive Instance NormalizationICCVcode572
Accelerating Eulerian Fluid Simulation With Convolutional NetworksICMLcode570
Learning Disentangled Representations with Semi-Supervised Deep Generative ModelsNIPScode556
Inductive Representation Learning on Large GraphsNIPScode552
Regressing Robust and Discriminative 3D Morphable Models With a Very Deep Neural NetworkCVPRcode537
How Far Are We From Solving the 2D & 3D Face Alignment Problem? (And a Dataset of 230,000 3D Facial Landmarks)ICCVcode526
SSH: Single Stage Headless Face DetectorICCVcode515
Learning From Simulated and Unsupervised Images Through Adversarial TrainingCVPRcode492
Plug & Play Generative Networks: Conditional Iterative Generation of Images in Latent SpaceCVPRcode487
Video Frame Interpolation via Adaptive ConvolutionCVPRcode482
Video Frame Interpolation via Adaptive Separable ConvolutionICCVcode482
GMS: Grid-based Motion Statistics for Fast, Ultra-Robust Feature CorrespondenceCVPRcode460
Joint Detection and Identification Feature Learning for Person SearchCVPRcode459
Dual Path NetworksNIPScode451
Flow-Guided Feature Aggregation for Video Object DetectionICCVcode436
Deep Image MattingCVPRcode434
Richer Convolutional Features for Edge DetectionCVPRcode399
Annotating Object Instances With a Polygon-RNNCVPRcode397
Recurrent Highway NetworksICMLcode397
Detect to Track and Track to DetectICCVcode387
RefineNet: Multi-Path Refinement Networks for High-Resolution Semantic SegmentationCVPRcode379
Detecting Oriented Text in Natural Images by Linking SegmentsCVPRcode364
Deep Lattice Networks and Partial Monotonic FunctionsNIPScode349
Mean teachers are better role models: Weight-averaged consistency targets improve semi-supervised deep learning resultsNIPScode347
RON: Reverse Connection With Objectness Prior Networks for Object DetectionCVPRcode345
Universal Style Transfer via Feature TransformsNIPScode344
Residual Attention Network for Image ClassificationCVPRcode329
One-Shot Video Object SegmentationCVPRcode316
Accurate Single Stage Detector Using Recurrent Rolling ConvolutionCVPRcode314
Feature Pyramid Networks for Object DetectionCVPRcode310
Efficient softmax approximation for GPUsICMLcode304
OctNet: Learning Deep 3D Representations at High ResolutionsCVPRcode302
Deep Laplacian Pyramid Networks for Fast and Accurate Super-ResolutionCVPRcode301
Pixel Recursive Super ResolutionICCVcode301
Self-Critical Sequence Training for Image CaptioningCVPRcode299
Age Progression/Regression by Conditional Adversarial AutoencoderCVPRcode297
Style Transfer from Non-Parallel Text by Cross-AlignmentNIPScode296
Dilated Recurrent Neural NetworksNIPScode285
Lifting From the Deep: Convolutional 3D Pose Estimation From a Single ImageCVPRcode280
DeepBach: a Steerable Model for Bach Chorales GenerationICMLcode276
The Predictron: End-To-End Learning and PlanningICMLcode274
Convolutional Sequence to Sequence LearningICMLcode258
OptNet: Differentiable Optimization as a Layer in Neural NetworksICMLcode245
Prototypical Networks for Few-shot LearningNIPScode244
Deep Voice: Real-time Neural Text-to-SpeechICMLcode242
Reinforcement Learning with Deep Energy-Based PoliciesICMLcode233
Learning Deep CNN Denoiser Prior for Image RestorationCVPRcode231
GANs Trained by a Two Time-Scale Update Rule Converge to a Local Nash EquilibriumNIPScode229
A Point Set Generation Network for 3D Object Reconstruction From a Single ImageCVPRcode228
Deeply Supervised Salient Object Detection With Short ConnectionsCVPRcode228
BlitzNet: A Real-Time Deep Network for Scene UnderstandingICCVcode227
Language Modeling with Gated Convolutional NetworksICMLcode221
Unlabeled Samples Generated by GAN Improve the Person Re-Identification Baseline in VitroICCVcode215
Stacked Generative Adversarial NetworksCVPRcode215
RMPE: Regional Multi-Person Pose EstimationICCVcode215
Knowing When to Look: Adaptive Attention via a Visual Sentinel for Image CaptioningCVPRcode214
Generative Face CompletionCVPRcode212
VPGNet: Vanishing Point Guided Network for Lane and Road Marking Detection and RecognitionICCVcode210
The Reversible Residual Network: Backpropagation Without Storing ActivationsNIPScode210
Recurrent Scale Approximation for Object Detection in CNNICCVcode209
Learning From Synthetic HumansCVPRcode207
Spatially Adaptive Computation Time for Residual NetworksCVPRcode203
Beyond Face Rotation: Global and Local Perception GAN for Photorealistic and Identity Preserving Frontal View SynthesisICCVcode202
3D Bounding Box Estimation Using Deep Learning and GeometryCVPRcode200
Multi-View 3D Object Detection Network for Autonomous DrivingCVPRcode199
Visual DialogCVPRcode199
Interpretable Explanations of Black Boxes by Meaningful PerturbationICCVcode192
Inverse Compositional Spatial Transformer NetworksCVPRcode189
FastMask: Segment Multi-Scale Object Candidates in One ShotCVPRcode189
OnACID: Online Analysis of Calcium Imaging Data in Real TimeNIPScode189
Semantic Scene Completion From a Single Depth ImageCVPRcode188
Learning Efficient Convolutional Networks Through Network SlimmingICCVcode186
Learning Feature Pyramids for Human Pose EstimationICCVcode185
Be Your Own Prada: Fashion Synthesis With Structural CoherenceICCVcode183
Scene Graph Generation by Iterative Message PassingCVPRcode182
Fast Image Processing With Fully-Convolutional NetworksICCVcode180
Learning Multiple Tasks with Multilinear Relationship NetworksNIPScode178
Learning to Reason: End-To-End Module Networks for Visual Question AnsweringICCVcode178
Single Shot Text Detector With Regional AttentionICCVcode176
Binarized Convolutional Landmark Localizers for Human Pose Estimation and Face Alignment With Limited ResourcesICCVcode175
Deep Feature Interpolation for Image Content ChangesCVPRcode170
On Human Motion Prediction Using Recurrent Neural NetworksCVPRcode167
Image Super-Resolution via Deep Recursive Residual NetworkCVPRcode163
Learning Cross-Modal Embeddings for Cooking Recipes and Food ImagesCVPRcode160
Input Convex Neural NetworksICMLcode159
Simple Does It: Weakly Supervised Instance and Semantic SegmentationCVPRcode159
Low-Shot Visual Recognition by Shrinking and Hallucinating FeaturesICCVcode158
Oriented Response NetworksCVPRcode157
Soft Proposal Networks for Weakly Supervised Object LocalizationICCVcode154
Adversarial Variational Bayes: Unifying Variational Autoencoders and Generative Adversarial NetworksICMLcode147
Axiomatic Attribution for Deep NetworksICMLcode146
Gradient Episodic Memory for Continual LearningNIPScode146
DSAC - Differentiable RANSAC for Camera LocalizationCVPRcode144
Attend to You: Personalized Image Captioning With Context Sequence Memory NetworksCVPRcode143
Conditional Similarity NetworksCVPRcode142
Language Modeling with Recurrent Highway HypernetworksNIPScode141
Triple Generative Adversarial NetsNIPScode138
Interpolated Policy Gradient: Merging On-Policy and Off-Policy Gradient Estimation for Deep Reinforcement LearningNIPScode138
One-Sided Unsupervised Domain MappingNIPScode137
Detecting Visual Relationships With Deep Relational NetworksCVPRcode137
Attentive Recurrent ComparatorsICMLcode136
Towards 3D Human Pose Estimation in the Wild: A Weakly-Supervised ApproachICCVcode136
Learning a Multi-View Stereo MachineNIPScode135
Deep Learning for Precipitation Nowcasting: A Benchmark and A New ModelNIPScode134
Multi-Context Attention for Human Pose EstimationCVPRcode131
Controlling Perceptual Factors in Neural Style TransferCVPRcode130
Bayesian Compression for Deep LearningNIPScode130
Adversarial Discriminative Domain AdaptationCVPRcode129
Working hard to know your neighbor's margins: Local descriptor learning lossNIPScode128
Concrete DropoutNIPScode127
SegFlow: Joint Learning for Video Object Segmentation and Optical FlowICCVcode127
Segmentation-Aware Convolutional Networks Using Local Attention MasksICCVcode126
Detail-Revealing Deep Video Super-ResolutionICCVcode126
CREST: Convolutional Residual Learning for Visual TrackingICCVcode126
Discriminative Correlation Filter With Channel and Spatial ReliabilityCVPRcode124
SVDNet for Pedestrian RetrievalICCVcode121
Semantic Image Synthesis via Adversarial LearningICCVcode121
Spatiotemporal Multiplier Networks for Video Action RecognitionCVPRcode121
PoseTrack: Joint Multi-Person Pose Estimation and TrackingCVPRcode121
Hierarchical Attentive Recurrent TrackingNIPScode121
Good Semi-supervised Learning That Requires a Bad GANNIPScode120
Deep Watershed Transform for Instance SegmentationCVPRcode120
Associative Domain AdaptationICCVcode119
Learning by Association -- A Versatile Semi-Supervised Training Method for Neural NetworksCVPRcode119
Value Prediction NetworkNIPScode119
Unrestricted Facial Geometry Reconstruction Using Image-To-Image TranslationICCVcode119
MemNet: A Persistent Memory Network for Image RestorationICCVcode119
Bayesian Optimization with GradientsNIPScode117
TernGrad: Ternary Gradients to Reduce Communication in Distributed Deep LearningNIPScode117
Compressed Sensing using Generative ModelsICMLcode116
Switching Convolutional Neural Network for Crowd CountingCVPRcode116
WILDCAT: Weakly Supervised Learning of Deep ConvNets for Image Classification, Pointwise Localization and SegmentationCVPRcode116
Show, Adapt and Tell: Adversarial Training of Cross-Domain Image CaptionerICCVcode115
Video Frame Synthesis Using Deep Voxel FlowICCVcode114
Multiple Instance Detection Network With Online Instance Classifier RefinementCVPRcode113
Deep Pyramidal Residual NetworksCVPRcode112
Train longer, generalize better: closing the generalization gap in large batch training of neural networksNIPScode112
Split-Brain Autoencoders: Unsupervised Learning by Cross-Channel PredictionCVPRcode110
Unite the People: Closing the Loop Between 3D and 2D Human RepresentationsCVPRcode110
Learning Combinatorial Optimization Algorithms over GraphsNIPScode109
FeUdal Networks for Hierarchical Reinforcement LearningICMLcode107
ThiNet: A Filter Level Pruning Method for Deep Neural Network CompressionICCVcode105
Learning a Deep Embedding Model for Zero-Shot LearningCVPRcode104
ECO: Efficient Convolution Operators for TrackingCVPRcode103
SCA-CNN: Spatial and Channel-Wise Attention in Convolutional Networks for Image CaptioningCVPRcode102
Multi-View Supervision for Single-View Reconstruction via Differentiable Ray ConsistencyCVPRcode100
Task-based End-to-end Model Learning in Stochastic OptimizationNIPScode100
Learning to Compose Domain-Specific Transformations for Data AugmentationNIPScode97
Genetic CNNICCVcode97
HashNet: Deep Learning to Hash by ContinuationICCVcode97
Interleaved Group ConvolutionsICCVcode95
Deeply-Learned Part-Aligned Representations for Person Re-IdentificationICCVcode95
Best of Both Worlds: Transferring Knowledge from Discriminative Learning to a Generative Visual Dialog ModelNIPScode94
Multi-Scale Continuous CRFs as Sequential Deep Networks for Monocular Depth EstimationCVPRcode93
Octree Generating Networks: Efficient Convolutional Architectures for High-Resolution 3D OutputsICCVcode92
Semantic Autoencoder for Zero-Shot LearningCVPRcode92
Deep Hyperspherical LearningNIPScode92
Decoupled Neural Interfaces using Synthetic GradientsICMLcode90
Geometric Matrix Completion with Recurrent Multi-Graph Neural NetworksNIPScode90
Practical Bayesian Optimization for Model Fitting with Bayesian Adaptive Direct SearchNIPScode90
Optical Flow Estimation Using a Spatial Pyramid NetworkCVPRcode90
AMC: Attention guided Multi-modal Correlation Learning for Image SearchCVPRcode90
Deep Video Deblurring for Hand-Held CamerasCVPRcode89
Unsupervised Learning of Disentangled and Interpretable Representations from Sequential DataNIPScode88
Causal Effect Inference with Deep Latent-Variable ModelsNIPScode87
GANs for Biological Image SynthesisICCVcode85
MMD GAN: Towards Deeper Understanding of Moment Matching NetworkNIPScode84
Representation Learning by Learning to CountICCVcode84
Optical Flow in Mostly Rigid ScenesCVPRcode83
Fast-Slow Recurrent Neural NetworksNIPScode82
Unsupervised Video Summarization With Adversarial LSTM NetworksCVPRcode82
Constrained Policy OptimizationICMLcode81
A-NICE-MC: Adversarial Training for MCMCNIPScode80
Coarse-To-Fine Volumetric Prediction for Single-Image 3D Human PoseCVPRcode80
End-To-End Instance Segmentation With Recurrent AttentionCVPRcode78
DeLiGAN : Generative Adversarial Networks for Diverse and Limited DataCVPRcode78
Learning Shape Abstractions by Assembling Volumetric PrimitivesCVPRcode77
Local Binary Convolutional Neural NetworksCVPRcode77
Raster-To-Vector: Revisiting Floorplan TransformationICCVcode76
Positive-Unlabeled Learning with Non-Negative Risk EstimatorNIPScode76
Hard-Aware Deeply Cascaded EmbeddingICCVcode75
Deep Image HarmonizationCVPRcode73
Shape Completion Using 3D-Encoder-Predictor CNNs and Shape SynthesisCVPRcode73
Not All Pixels Are Equal: Difficulty-Aware Semantic Segmentation via Deep Layer CascadeCVPRcode73
Improved Stereo Matching With Constant Highway Networks and Reflective Confidence LearningCVPRcode72
Query-Guided Regression Network With Context Policy for Phrase GroundingICCVcode72
Top-Down Visual Saliency Guided by CaptionsCVPRcode72
Feedback NetworksCVPRcode72
What Actions Are Needed for Understanding Human Actions in Videos?ICCVcode71
Xception: Deep Learning With Depthwise Separable ConvolutionsCVPRcode71
Action-Decision Networks for Visual Tracking With Deep Reinforcement LearningCVPRcode71
Video Propagation NetworksCVPRcode70
Image-To-Image Translation With Conditional Adversarial NetworksCVPRcode70
Quality Aware Network for Set to Set RecognitionCVPRcode69
Self-Supervised Learning of Visual Features Through Embedding Images Into Text Topic SpacesCVPRcode69
Deep Subspace Clustering NetworksNIPScode68
Escape From Cells: Deep Kd-Networks for the Recognition of 3D Point Cloud ModelsICCVcode68
A Distributional Perspective on Reinforcement LearningICMLcode68
Physically-Based Rendering for Indoor Scene Understanding Using Convolutional Neural NetworksCVPRcode67
Deep Transfer Learning with Joint Adaptation NetworksICMLcode67
Training Deep Networks without Learning Rates Through Coin BettingNIPScode66
Full Resolution Image Compression With Recurrent Neural NetworksCVPRcode66
SurfaceNet: An End-To-End 3D Neural Network for Multiview StereopsisICCVcode66
Doubly Stochastic Variational Inference for Deep Gaussian ProcessesNIPScode66
TURN TAP: Temporal Unit Regression Network for Temporal Action ProposalsICCVcode66
Jointly Attentive Spatial-Temporal Pooling Networks for Video-Based Person Re-IdentificationICCVcode65
Synthesizing 3D Shapes via Modeling Multi-View Depth Maps and Silhouettes With Deep Generative NetworksCVPRcode65
Dance Dance ConvolutionICMLcode65
Borrowing Treasures From the Wealthy: Deep Transfer Learning Through Selective Joint Fine-TuningCVPRcode64
Curriculum Domain Adaptation for Semantic Segmentation of Urban ScenesICCVcode64
Toward Controlled Generation of TextICMLcode63
Person Re-Identification in the WildCVPRcode63
ALICE: Towards Understanding Adversarial Learning for Joint Distribution MatchingNIPScode63
Differentiable Learning of Logical Rules for Knowledge Base ReasoningNIPScode62
Person Search With Natural Language DescriptionCVPRcode61
Multi-Channel Weighted Nuclear Norm Minimization for Real Color Image DenoisingICCVcode61
Playing for BenchmarksICCVcode61
Unsupervised Learning by Predicting NoiseICMLcode60
Localizing Moments in Video With Natural LanguageICCVcode60
End-To-End 3D Face Reconstruction With Deep Neural NetworksCVPRcode60
CoupleNet: Coupling Global Structure With Local Parts for Object DetectionICCVcode59
AdaGAN: Boosting Generative ModelsNIPScode59
Convolutional Gaussian ProcessesNIPScode57
A Deep Regression Architecture With Two-Stage Re-Initialization for High Performance Facial Landmark DetectionCVPRcode57
Modeling Relationships in Referential Expressions With Compositional Modular NetworksCVPRcode57
Curiosity-driven Exploration by Self-supervised PredictionICMLcode56
Wavelet-SRNet: A Wavelet-Based CNN for Multi-Scale Face Super ResolutionICCVcode56
The Neural Hawkes Process: A Neurally Self-Modulating Multivariate Point ProcessNIPScode56
Online and Linear-Time Attention by Enforcing Monotonic AlignmentsICMLcode56
Neural Expectation MaximizationNIPScode56
Dense-Captioning Events in VideosICCVcode55
Factorized Bilinear Models for Image RecognitionICCVcode55
Net-Trim: Convex Pruning of Deep Neural Networks with Performance GuaranteeNIPScode54
On-the-fly Operation Batching in Dynamic Computation GraphsNIPScode54
Visual Translation Embedding Network for Visual Relation DetectionCVPRcode54
Learning Blind Motion DeblurringICCVcode54
A Disentangled Recognition and Nonlinear Dynamics Model for Unsupervised LearningNIPScode53
Towards Diverse and Natural Image Descriptions via a Conditional GANICCVcode53
CDC: Convolutional-De-Convolutional Networks for Precise Temporal Action Localization in Untrimmed VideosCVPRcode53
A Generic Deep Architecture for Single Image Reflection Removal and Image SmoothingICCVcode52
Deep IV: A Flexible Approach for Counterfactual PredictionICMLcode52
Triangle Generative Adversarial NetworksNIPScode51
EAST: An Efficient and Accurate Scene Text DetectorCVPRcode51
SST: Single-Stream Temporal Action ProposalsCVPRcode51
Predicting Deeper Into the Future of Semantic SegmentationICCVcode51
L2-Net: Deep Learning of Discriminative Patch Descriptor in Euclidean SpaceCVPRcode51
TALL: Temporal Activity Localization via Language QueryICCVcode50
Hybrid Reward Architecture for Reinforcement LearningNIPScode50
Fast Fourier Color ConstancyCVPRcode49
Modulating early visual processing by languageNIPScode49
Adversarial Examples for Semantic Segmentation and Object DetectionICCVcode49
Learning Discrete Representations via Information Maximizing Self-Augmented TrainingICMLcode49
Efficient Diffusion on Region Manifolds: Recovering Small Objects With Compact CNN RepresentationsCVPRcode48
Real Time Image Saliency for Black Box ClassifiersNIPScode48
FC4: Fully Convolutional Color Constancy With Confidence-Weighted PoolingCVPRcode47
Multiple People Tracking by Lifted Multicut and Person Re-IdentificationCVPRcode47
Learned D-AMP: Principled Neural Network based Compressive Image RecoveryNIPScode47
GP CaKe: Effective brain connectivity with causal kernelsNIPScode46
Predicting Organic Reaction Outcomes with Weisfeiler-Lehman NetworkNIPScode46
Semantic Video CNNs Through Representation WarpingICCVcode46
Grammar Variational AutoencoderICMLcode46
EnhanceNet: Single Image Super-Resolution Through Automated Texture SynthesisICCVcode46
Safe Model-based Reinforcement Learning with Stability GuaranteesNIPScode45
Deep Spectral Clustering LearningICMLcode45
Semantic Compositional Networks for Visual CaptioningCVPRcode45
On-Demand Learning for Deep Image RestorationICCVcode45
Video Pixel NetworksICMLcode45
Stabilizing Training of Generative Adversarial Networks through RegularizationNIPScode45
Structured Bayesian Pruning via Log-Normal Multiplicative NoiseNIPScode44
Deriving Neural Architectures from Sequence and Graph KernelsICMLcode44
Masked Autoregressive Flow for Density EstimationNIPScode44
Unsupervised Adaptation for Deep StereoICCVcode44
Learning Residual Images for Face Attribute ManipulationCVPRcode43
Learning to Generate Long-term Future via Hierarchical PredictionICMLcode43
Accurate Optical Flow via Direct Cost Volume ProcessingCVPRcode42
Generalized Orderless Pooling Performs Implicit Salient MatchingICCVcode42
Comparative Evaluation of Hand-Crafted and Learned Local FeaturesCVPRcode42
SchNet: A continuous-filter convolutional neural network for modeling quantum interactionsNIPScode41
Temporal Generative Adversarial Nets With Singular Value ClippingICCVcode41
Multiplicative Normalizing Flows for Variational Bayesian Neural NetworksICMLcode41
Neural Scene De-RenderingCVPRcode40
Semantic Image Inpainting With Deep Generative ModelsCVPRcode40
A Linear-Time Kernel Goodness-of-Fit TestNIPScode40
Least Squares Generative Adversarial NetworksICCVcode39
Diversified Texture Synthesis With Feed-Forward NetworksCVPRcode39
No Fuss Distance Metric Learning Using ProxiesICCVcode38
Template Matching With Deformable Diversity SimilarityCVPRcode38
What's in a Question: Using Visual Questions as a Form of SupervisionCVPRcode38
Face Normals "In-The-Wild" Using Fully Convolutional NetworksCVPRcode38
Conditional Image Synthesis with Auxiliary Classifier GANsICMLcode37
Neural Episodic ControlICMLcode37
3D-PRNN: Generating Shape Primitives With Recurrent Neural NetworksICCVcode37
Structured Embedding Models for Grouped DataNIPScode36
Learning Active Learning from DataNIPScode36
Unified Deep Supervised Domain Adaptation and GeneralizationICCVcode35
Transformation-Grounded Image Generation Network for Novel 3D View SynthesisCVPRcode35
Structured Attentions for Visual Question AnsweringICCVcode34
Geometric Loss Functions for Camera Pose Regression With Deep LearningCVPRcode34
VidLoc: A Deep Spatio-Temporal Model for 6-DoF Video-Clip RelocalizationCVPRcode34
QMDP-Net: Deep Learning for Planning under Partial ObservabilityNIPScode34
Using Ranking-CNN for Age EstimationCVPRcode33
Hierarchical Boundary-Aware Neural Encoder for Video CaptioningCVPRcode33
Unsupervised Learning of Disentangled Representations from VideoNIPScode32
Deep Learning on Lie Groups for Skeleton-Based Action RecognitionCVPRcode32
Deep Variation-Structured Reinforcement Learning for Visual Relationship and Attribute DetectionCVPRcode32
3D Point Cloud Registration for Localization Using a Deep Neural Network Auto-EncoderCVPRcode32
StyleNet: Generating Attractive Visual Captions With StylesCVPRcode32
Dynamic Word EmbeddingsICMLcode32
Learning to Prune Deep Neural Networks via Layer-wise Optimal Brain SurgeonNIPScode31
Continual Learning Through Synaptic IntelligenceICMLcode31
Full-Resolution Residual Networks for Semantic Segmentation in Street ScenesCVPRcode31
Learning Detection With Diverse ProposalsCVPRcode31
LCNN: Lookup-Based Convolutional Neural NetworkCVPRcode31
Towards Accurate Multi-Person Pose Estimation in the WildCVPRcode30
Real-Time Neural Style Transfer for VideosCVPRcode30
Speaking the Same Language: Matching Machine to Human Captions by Adversarial TrainingICCVcode30
Deep Co-Occurrence Feature Learning for Visual Object RecognitionCVPRcode29
Joint distribution optimal transportation for domain adaptationNIPScode29
Realtime Multi-Person 2D Pose Estimation Using Part Affinity FieldsCVPRcode29
SplitNet: Learning to Semantically Split Deep Networks for Parameter Reduction and Model ParallelizationICMLcode29
The Statistical Recurrent UnitICMLcode29
A Unified Approach of Multi-Scale Deep and Hand-Crafted Features for Defocus EstimationCVPRcode28
Learning Spread-Out Local Feature DescriptorsICCVcode28
Event-Based Visual Inertial OdometryCVPRcode27
DropoutNet: Addressing Cold Start in Recommender SystemsNIPScode27
Phrase Localization and Visual Relationship Detection With Comprehensive Image-Language CuesICCVcode27
Harvesting Multiple Views for Marker-Less 3D Human Pose AnnotationsCVPRcode27
Deep 360 Pilot: Learning a Deep Agent for Piloting Through 360deg Sports VideosCVPRcode27
Neural Message Passing for Quantum ChemistryICMLcode27
State-Frequency Memory Recurrent Neural NetworksICMLcode27
DeepCD: Learning Deep Complementary Descriptors for Patch RepresentationsICCVcode26
Contrastive Learning for Image CaptioningNIPScode26
Stochastic Optimization with Variance Reduction for Infinite Datasets with Finite Sum StructureNIPScode26
Learning High Dynamic Range From Outdoor PanoramasICCVcode26
Speed/Accuracy Trade-Offs for Modern Convolutional Object DetectorsCVPRcode26
Learning to Detect Salient Objects With Image-Level SupervisionCVPRcode26
Improved Variational Autoencoders for Text Modeling using Dilated ConvolutionsICMLcode26
Interspecies Knowledge Transfer for Facial Keypoint DetectionCVPRcode25
YASS: Yet Another Spike SorterNIPScode25
Open Set Domain AdaptationICCVcode25
Domain-Adaptive Deep Network CompressionICCVcode24
Long Short-Term Memory Kalman Filters: Recurrent Neural Estimators for Pose RegularizationICCVcode24
Temporal Context Network for Activity Localization in VideosICCVcode24
Incremental Learning of Object Detectors Without Catastrophic ForgettingICCVcode24
Dense Captioning With Joint Inference and Visual ContextCVPRcode24
Universal Adversarial PerturbationsCVPRcode24
Asymmetric Tri-training for Unsupervised Domain AdaptationICMLcode24
Reducing Reparameterization Gradient VarianceNIPScode24
Exploiting Saliency for Object Segmentation From Image Level LabelsCVPRcode24
A Dirichlet Mixture Model of Hawkes Processes for Event Sequence ClusteringNIPScode24
Shading Annotations in the WildCVPRcode24
Straight to Shapes: Real-Time Detection of Encoded ShapesCVPRcode23
Dual Discriminator Generative Adversarial NetsNIPScode23
Zero-Order Reverse FilteringICCVcode23
Variational Walkback: Learning a Transition Operator as a Stochastic Recurrent NetNIPScode23
Learning Spherical Convolution for Fast Features from 360° ImageryNIPScode22
Learning to Detect Sepsis with a Multitask Gaussian Process RNN ClassifierICMLcode22
Deep Cross-Modal HashingCVPRcode22
When Unsupervised Domain Adaptation Meets Tensor RepresentationsICCVcode22
Image Super-Resolution Using Dense Skip ConnectionsICCVcode22
Multimodal Transfer: A Hierarchical Deep Convolutional Neural Network for Fast Artistic Style TransferCVPRcode22
STD2P: RGBD Semantic Segmentation Using Spatio-Temporal Data-Driven PoolingCVPRcode22
Learning Continuous Semantic Representations of Symbolic ExpressionsICMLcode22
Deep Growing LearningICCVcode21
Combined Group and Exclusive Sparsity for Deep Neural NetworksICMLcode21
Hash Embeddings for Efficient Word RepresentationsNIPScode21
Accuracy First: Selecting a Differential Privacy Level for Accuracy Constrained ERMNIPScode21
Disentangled Representation Learning GAN for Pose-Invariant Face RecognitionCVPRcode21
Learning to Pivot with Adversarial NetworksNIPScode21
Learning Dynamic Siamese Network for Visual Object TrackingICCVcode21
POSEidon: Face-From-Depth for Driver Pose EstimationCVPRcode20
Deep Metric Learning via Facility LocationCVPRcode20
Automatic Spatially-Aware Fashion Concept DiscoveryICCVcode20
The Numerics of GANsNIPScode20
From Motion Blur to Motion Flow: A Deep Learning Solution for Removing Heterogeneous Motion BlurCVPRcode20
Unpaired Image-To-Image Translation Using Cycle-Consistent Adversarial NetworksICCVcode20
Zero-Inflated Exponential Family EmbeddingsICMLcode20
InfoGAIL: Interpretable Imitation Learning from Visual DemonstrationsNIPScode20
Weakly-Supervised Learning of Visual RelationsICCVcode20
Multi-Label Image Recognition by Recurrently Discovering Attentional RegionsICCVcode20
Scene Parsing With Global Context EmbeddingICCVcode20
Context Selection for Embedding ModelsNIPScode20
Deep Mean-Shift Priors for Image RestorationNIPScode20
Skeleton Key: Image Captioning by Skeleton-Attribute DecompositionCVPRcode20
Fully-Adaptive Feature Sharing in Multi-Task Networks With Applications in Person Attribute ClassificationCVPRcode19
Learning Compact Geometric FeaturesICCVcode19
Structured Generative Adversarial NetworksNIPScode19
Joint Gap Detection and Inpainting of Line DrawingsCVPRcode19
Chained Multi-Stream Networks Exploiting Pose, Motion, and Appearance for Action Classification and DetectionICCVcode19
Adversarial Feature Matching for Text GenerationICMLcode18
BIER - Boosting Independent Embeddings RobustlyICCVcode18
Predictive-Corrective Networks for Action DetectionCVPRcode18
Stochastic Generative HashingICMLcode18
A Bayesian Data Augmentation Approach for Learning Deep ModelsNIPScode18
Attentive Semantic Video Generation Using CaptionsICCVcode18
MDNet: A Semantically and Visually Interpretable Medical Image Diagnosis NetworkCVPRcode18
Deep Unsupervised Similarity Learning Using Partially Ordered SetsCVPRcode17
DualNet: Learn Complementary Features for Image RecognitionICCVcode17
Neural system identification for large populations separating “what” and “where”NIPScode17
FALKON: An Optimal Large Scale Kernel MethodNIPScode17
Deep Future Gaze: Gaze Anticipation on Egocentric Videos Using Adversarial NetworksCVPRcode17
Deep Learning with Topological SignaturesNIPScode17
Streaming Sparse Gaussian Process ApproximationsNIPScode17
RPAN: An End-To-End Recurrent Pose-Attention Network for Action Recognition in VideosICCVcode17
Awesome Typography: Statistics-Based Text Effects TransferCVPRcode17
RoomNet: End-To-End Room Layout EstimationICCVcode17
Deep Spatial-Semantic Attention for Fine-Grained Sketch-Based Image RetrievalICCVcode16
Deep Supervised Discrete HashingNIPScode16
Few-Shot Learning Through an Information Retrieval LensNIPScode16
Estimating Accuracy from Unlabeled Data: A Probabilistic Logic ApproachNIPScode16
Learning to Push the Limits of Efficient FFT-Based Image DeconvolutionICCVcode16
Federated Multi-Task LearningNIPScode16
Label Distribution Learning ForestsNIPScode16
Deep Multitask Architecture for Integrated 2D and 3D Human SensingCVPRcode16
Estimating Mutual Information for Discrete-Continuous MixturesNIPScode16
Spatially-Varying Blur Detection Based on Multiscale Fused and Sorted Transform Coefficients of Gradient MagnitudesCVPRcode16
StyleBank: An Explicit Representation for Neural Image Style TransferCVPRcode16
Surface Normals in the WildICCVcode15
Automatic Discovery of the Statistical Types of Variables in a DatasetICMLcode15
Learning Diverse Image ColorizationCVPRcode15
Learning Proximal Operators: Using Denoising Networks for Regularizing Inverse Imaging ProblemsICCVcode15
Non-Local Deep Features for Salient Object DetectionCVPRcode15
Structure-Measure: A New Way to Evaluate Foreground MapsICCVcode15
Shallow Updates for Deep Reinforcement LearningNIPScode15
Wasserstein Generative Adversarial NetworksICMLcode15
Recurrent 3D Pose Sequence MachinesCVPRcode15
Variational Dropout Sparsifies Deep Neural NetworksICMLcode15
Captioning Images With Diverse ObjectsCVPRcode15
Off-policy evaluation for slate recommendationNIPScode15
Attributes2Classname: A Discriminative Model for Attribute-Based Unsupervised Zero-Shot LearningICCVcode14
Benchmarking Denoising Algorithms With Real PhotographsCVPRcode14
Neural Aggregation Network for Video Face RecognitionCVPRcode14
Learned Contextual Feature Reweighting for Image Geo-LocalizationCVPRcode14
Streaming Weak Submodularity: Interpreting Neural Networks on the FlyNIPScode14
CVAE-GAN: Fine-Grained Image Generation Through Asymmetric TrainingICCVcode14
VQS: Linking Segmentations to Questions and Answers for Supervised Attention in VQA and Question-Focused Semantic SegmentationICCVcode14
Spherical convolutions and their application in molecular modellingNIPScode14
Multi-Information Source OptimizationNIPScode14
Convolutional Neural Network Architecture for Geometric MatchingCVPRcode14
Neural Face Editing With Intrinsic Image DisentanglingCVPRcode14
Realistic Dynamic Facial Textures From a Single Image Using GANsICCVcode14
Predictive State Recurrent Neural NetworksNIPScode13
Deep TextSpotter: An End-To-End Trainable Scene Text Localization and Recognition FrameworkICCVcode13
ExtremeWeather: A large-scale climate dataset for semi-supervised detection, localization, and understanding of extreme weather eventsNIPScode13
Hunt For The Unique, Stable, Sparse And Fast Feature Learning On GraphsNIPScode13
Consensus Convolutional Sparse CodingICCVcode13
Weakly Supervised Affordance DetectionCVPRcode13
Joint Learning of Object and Action DetectorsICCVcode13
Light Field Blind Motion DeblurringCVPRcode13
Asynchronous Stochastic Gradient Descent with Delay CompensationICMLcode13
Unrolled Memory Inner-Products: An Abstract GPU Operator for Efficient Vision-Related ComputationsICCVcode12
Maximizing Subset Accuracy with Recurrent Neural Networks in Multi-label ClassificationNIPScode12
Self-Organized Text Detection With Minimal Post-Processing via Border LearningICCVcode12
Coordinated Multi-Agent Imitation LearningICMLcode12
Gradient descent GAN optimization is locally stableNIPScode12
Removing Rain From Single Images via a Deep Detail NetworkCVPRcode12
Convexified Convolutional Neural NetworksICMLcode12
Multigrid Neural ArchitecturesCVPRcode12
VegFru: A Domain-Specific Dataset for Fine-Grained Visual CategorizationICCVcode12
Attend and Predict: Understanding Gene Regulation by Selective Attention on ChromatinNIPScode12
Differential Angular Imaging for Material RecognitionCVPRcode12
A Multilayer-Based Framework for Online Background Subtraction With Freely Moving CamerasICCVcode11
Formal Guarantees on the Robustness of a Classifier against Adversarial ManipulationNIPScode11
Max-value Entropy Search for Efficient Bayesian OptimizationICMLcode11
Higher-Order Integration of Hierarchical Convolutional Activations for Fine-Grained Visual CategorizationICCVcode11
Generalized Deep Image to Image RegressionCVPRcode11
Adversarial Image Perturbation for Privacy Protection -- A Game Theory PerspectiveICCVcode11
Predicting Human Activities Using Stochastic GrammarICCVcode11
DESIRE: Distant Future Prediction in Dynamic Scenes With Interacting AgentsCVPRcode11
Fisher GANNIPScode11
High-Order Attention Models for Visual Question AnsweringNIPScode11
IM2CADCVPRcode11
On Fairness and CalibrationNIPScode11
DeepPermNet: Visual Permutation LearningCVPRcode10
f-GANs in an Information Geometric NutshellNIPScode10
Revisiting IM2GPS in the Deep Learning EraICCVcode10
Attentional Correlation Filter Network for Adaptive Visual TrackingCVPRcode10
Learning Cross-Modal Deep Representations for Robust Pedestrian DetectionCVPRcode10
Confident Multiple Choice LearningICMLcode10
Curriculum DropoutICCVcode9
Cognitive Mapping and Planning for Visual NavigationCVPRcode9
Optimized Pre-Processing for Discrimination PreventionNIPScode9
Learning Motion Patterns in VideosCVPRcode9
Scalable Log Determinants for Gaussian Process Kernel LearningNIPScode9
A Hierarchical Approach for Generating Descriptive Image ParagraphsCVPRcode9
Deep Crisp BoundariesCVPRcode9
Breaking the Nonsmooth Barrier: A Scalable Parallel Method for Composite OptimizationNIPScode9
Practical Data-Dependent Metric Compression with Provable GuaranteesNIPScode9
Do Deep Neural Networks Suffer from Crowding?NIPScode9
A Non-Convex Variational Approach to Photometric Stereo Under Inaccurate LightingCVPRcode9
End-To-End Learning of Geometry and Context for Deep Stereo RegressionICCVcode9
From Bayesian Sparsity to Gated Recurrent NetsNIPScode8
Regret Minimization in MDPs with Options without Prior KnowledgeNIPScode8
Following Gaze in VideoICCVcode8
Model-Powered Conditional Independence TestNIPScode8
Cost efficient gradient boostingNIPScode8
Reflectance Adaptive Filtering Improves Intrinsic Image EstimationCVPRcode8
DeepNav: Learning to Navigate Large CitiesCVPRcode8
Look, Listen and LearnICCVcode8
Attention-Aware Face Hallucination via Deep Reinforcement LearningCVPRcode8
Plan, Attend, Generate: Planning for Sequence-to-Sequence ModelsNIPScode8
Introspective Neural Networks for Generative ModelingICCVcode8
Affinity Clustering: Hierarchical Clustering at ScaleNIPScode8
Gaze Embeddings for Zero-Shot Image ClassificationCVPRcode8
Input Switched Affine Networks: An RNN Architecture Designed for InterpretabilityICMLcode8
Online multiclass boostingNIPScode8
Towards a Visual Privacy Advisor: Understanding and Predicting Privacy Risks in ImagesICCVcode8
SubUNets: End-To-End Hand Shape and Continuous Sign Language RecognitionICCVcode7
Learning Koopman Invariant Subspaces for Dynamic Mode DecompositionNIPScode7
Unsupervised Monocular Depth Estimation With Left-Right ConsistencyCVPRcode7
Personalized Image AestheticsICCVcode7
Reasoning About Fine-Grained Attribute Phrases Using Reference GamesICCVcode7
Lost Relatives of the Gumbel TrickICMLcode7
Weakly Supervised Learning of Deep Metrics for Stereo ReconstructionICCVcode7
Centered Weight Normalization in Accelerating Training of Deep Neural NetworksICCVcode6
Scalable Planning with Tensorflow for Hybrid Nonlinear DomainsNIPScode6
Convex Global 3D Registration With Lagrangian DualityCVPRcode6
Building a Regular Decision Boundary With Deep NetworksCVPRcode6
Learning Spatial Regularization With Image-Level Supervisions for Multi-Label Image ClassificationCVPRcode6
Forecasting Human Dynamics From Static ImagesCVPRcode6
AOD-Net: All-In-One Dehazing NetworkICCVcode6
K-Medoids For K-Means SeedingNIPScode6
Diverse Image AnnotationCVPRcode6
Practical Hash Functions for Similarity Estimation and Dimensionality ReductionNIPScode6
Deep Adaptive Image ClusteringICCVcode6
Robust Adversarial Reinforcement LearningICMLcode6
Improving Training of Deep Neural Networks via Singular Value BoundingCVPRcode6
Analyzing Hidden Representations in End-to-End Automatic Speech Recognition SystemsNIPScode6
Tensor Belief PropagationICMLcode6
Sparse convolutional coding for neuronal assembly detectionNIPScode6
Unsupervised Pixel-Level Domain Adaptation With Generative Adversarial NetworksCVPRcode6
Bayesian inference on random simple graphs with power law degree distributionsICMLcode6
Tensor BiclusteringNIPScode6
Riemannian approach to batch normalizationNIPScode6
Unsupervised Learning of Object Landmarks by Factorized Spatial EmbeddingsICCVcode6
Rolling-Shutter-Aware Differential SfM and Image RectificationICCVcode5
Active Decision Boundary Annotation With Deep Generative ModelsICCVcode5
Object Co-Skeletonization With Co-SegmentationCVPRcode5
Discover and Learn New Objects From DocumentariesCVPRcode5
Understanding Black-box Predictions via Influence FunctionsICMLcode5
Making Deep Neural Networks Robust to Label Noise: A Loss Correction ApproachCVPRcode5
Decoupling "when to update" from "how to update"NIPScode5
MarioQA: Answering Questions by Watching Gameplay VideosICCVcode5
Differentially private Bayesian learning on distributed dataNIPScode5
Grad-CAM: Visual Explanations From Deep Networks via Gradient-Based LocalizationICCVcode5
Question Asking as Program GenerationNIPScode5
Conic Scan-and-Cover algorithms for nonparametric topic modelingNIPScode5
Lip Reading Sentences in the WildCVPRcode5
ROAM: A Rich Object Appearance Model With Application to RotoscopingCVPRcode5
NeuralFDR: Learning Discovery Thresholds from Hypothesis FeaturesNIPScode5
Viraliency: Pooling Local ViralityCVPRcode5
Learning Algorithms for Active LearningICMLcode5
Point to Set Similarity Based Deep Feature Learning for Person Re-IdentificationCVPRcode5
Click Here: Human-Localized Keypoints as Guidance for Viewpoint EstimationICCVcode5
The World of Fast Moving ObjectsCVPRcode5
Cross-Modality Binary Code Learning via Fusion Similarity HashingCVPRcode5
Testing and Learning on Distributions with Symmetric Noise InvarianceNIPScode5
Sticking the Landing: Simple, Lower-Variance Gradient Estimators for Variational InferenceNIPScode5
Diving into the shallows: a computational perspective on large-scale shallow learningNIPScode5
Rotation Equivariant Vector Field NetworksICCVcode5
Recursive Sampling for the Nystrom MethodNIPScode5
Learning From Video and Text via Large-Scale Discriminative ClusteringICCVcode5
Global optimization of Lipschitz functionsICMLcode5
Device Placement Optimization with Reinforcement LearningICMLcode4
Alternating Direction Graph MatchingCVPRcode4
MEC: Memory-efficient Convolution for Deep Neural NetworkICMLcode4
Expert Gate: Lifelong Learning With a Network of ExpertsCVPRcode4
A Simple yet Effective Baseline for 3D Human Pose EstimationICCVcode4
On Structured Prediction Theory with Calibrated Convex Surrogate LossesNIPScode4
Sub-sampled Cubic Regularization for Non-convex OptimizationICMLcode4
Generalized Semantic Preserving Hashing for N-Label Cross-Modal RetrievalCVPRcode4
Bottleneck Conditional Density EstimationICMLcode4
Learning Cooperative Visual Dialog Agents With Deep Reinforcement LearningICCVcode4
Multi-way Interacting Regression via Factorization MachinesNIPScode4
Joint Discovery of Object States and Manipulation ActionsICCVcode4
Predicting Salient Face in Multiple-Face VideosCVPRcode4
From Red Wine to Red Tomato: Composition With ContextCVPRcode4
Encoder Based Lifelong LearningICCVcode4
Deep Recurrent Neural Network-Based Identification of Precursor microRNAsNIPScode4
Guarantees for Greedy Maximization of Non-submodular Functions with ApplicationsICMLcode4
Pose-Aware Person RecognitionCVPRcode4
Zero-Shot Recognition Using Dual Visual-Semantic Mapping PathsCVPRcode4
Asynchronous Distributed Variational Gaussian Processes for RegressionICMLcode3
Saliency Pattern Detection by Ranking Structured TreesICCVcode3
Toward Goal-Driven Neural Network Models for the Rodent Whisker-Trigeminal SystemNIPScode3
Learning Non-Maximum SuppressionCVPRcode3
Deep Latent Dirichlet Allocation with Topic-Layer-Adaptive Stochastic Gradient Riemannian MCMCICMLcode3
Discriminative Bimodal Networks for Visual Localization and Detection With Natural Language QueriesCVPRcode3
AdaNet: Adaptive Structural Learning of Artificial Neural NetworksICMLcode3
Large Margin Object Tracking With Circulant Feature MapsCVPRcode3
Compatible Reward Inverse Reinforcement LearningNIPScode3
Adversarial Surrogate Losses for Ordinal RegressionNIPScode3
Non-monotone Continuous DR-submodular Maximization: Structure and AlgorithmsNIPScode3
Unifying PAC and Regret: Uniform PAC Bounds for Episodic Reinforcement LearningNIPScode3
A framework for Multi-A(rmed)/B(andit) Testing with Online FDR ControlNIPScode3
Counting Everyday Objects in Everyday ScenesCVPRcode3
Loss Max-Pooling for Semantic Image SegmentationCVPRcode3
Aesthetic Critiques Generation for PhotosICCVcode3
Expectation Propagation with Stochastic Kinetic Model in Complex Interaction SystemsNIPScode3
Near-Optimal Edge Evaluation in Explicit Generalized Binomial GraphsNIPScode3

2016

TitleConfCodeStars
R-FCN: Object Detection via Region-based Fully Convolutional NetworksNIPScode18356
Image Style Transfer Using Convolutional Neural NetworksCVPRcode16435
Deep Residual Learning for Image RecognitionCVPRcode4468
Convolutional Pose MachinesCVPRcode3260
Synthetic Data for Text Localisation in Natural ImagesCVPRcode787
Combining Markov Random Fields and Convolutional Neural Networks for Image SynthesisCVPRcode731
Instance-Aware Semantic Segmentation via Multi-Task Network CascadesCVPRcode433
Learning Multi-Domain Convolutional Neural Networks for Visual TrackingCVPRcode350
Convolutional Two-Stream Network Fusion for Video Action RecognitionCVPRcode342
Learning Deep Features for Discriminative LocalizationCVPRcode323
Deep Metric Learning via Lifted Structured Feature EmbeddingCVPRcode251
Learning Deep Representations of Fine-Grained Visual DescriptionsCVPRcode229
Eye Tracking for EveryoneCVPRcode223
NetVLAD: CNN Architecture for Weakly Supervised Place RecognitionCVPRcode204
Staple: Complementary Learners for Real-Time TrackingCVPRcode183
Joint Unsupervised Learning of Deep Representations and Image ClustersCVPRcode182
Accurate Image Super-Resolution Using Very Deep Convolutional NetworksCVPRcode182
Temporal Action Localization in Untrimmed Videos via Multi-Stage CNNsCVPRcode167
LocNet: Improving Localization Accuracy for Object DetectionCVPRcode155
Shallow and Deep Convolutional Networks for Saliency PredictionCVPRcode153
Compact Bilinear PoolingCVPRcode148
Learning Compact Binary Descriptors With Unsupervised Deep Neural NetworksCVPRcode144
Dynamic Image Networks for Action RecognitionCVPRcode133
Rethinking the Inception Architecture for Computer VisionCVPRcode130
Deep Sliding Shapes for Amodal 3D Object Detection in RGB-D ImagesCVPRcode126
Context Encoders: Feature Learning by InpaintingCVPRcode124
TI-Pooling: Transformation-Invariant Pooling for Feature Learning in Convolutional Neural NetworksCVPRcode109
Weakly Supervised Deep Detection NetworksCVPRcode103
Natural Language Object RetrievalCVPRcode100
Deeply-Recursive Convolutional Network for Image Super-ResolutionCVPRcode96
Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel Convolutional Neural NetworkCVPRcode92
Image Question Answering Using Convolutional Neural Network With Dynamic Parameter PredictionCVPRcode88
Recurrent Convolutional Network for Video-Based Person Re-IdentificationCVPRcode82
A Comparative Study for Single Image Blind DeblurringCVPRcode82
Neural Module NetworksCVPRcode81
Stacked Attention Networks for Image Question AnsweringCVPRcode78
Progressive Prioritized Multi-View StereoCVPRcode73
Marr Revisited: 2D-3D Alignment via Surface Normal PredictionCVPRcode72
A Hierarchical Deep Temporal Model for Group Activity RecognitionCVPRcode71
Towards Open Set Deep NetworksCVPRcode71
Robust 3D Hand Pose Estimation in Single Depth Images: From Single-View CNN to Multi-View CNNsCVPRcode70
Bilateral Space Video SegmentationCVPRcode63
Deep Compositional Captioning: Describing Novel Object Categories Without Paired Training DataCVPRcode57
Efficient 3D Room Shape Recovery From a Single PanoramaCVPRcode55
Non-Local Image DehazingCVPRcode50
Video Segmentation via Object FlowCVPRcode50
Deep Supervised Hashing for Fast Image RetrievalCVPRcode50
Deep Region and Multi-Label Learning for Facial Action Unit DetectionCVPRcode43
CRAFT Objects From ImagesCVPRcode41
Slicing Convolutional Neural Network for Crowd Video UnderstandingCVPRcode40
Sketch Me That ShoeCVPRcode39
Image Captioning With Semantic AttentionCVPRcode35
Deep Saliency With Encoded Low Level Distance Map and High Level FeaturesCVPRcode34
A Benchmark Dataset and Evaluation Methodology for Video Object SegmentationCVPRcode33
A Dual-Source Approach for 3D Pose Estimation From a Single ImageCVPRcode32
Learning Local Image Descriptors With Deep Siamese and Triplet Convolutional Networks by Minimising Global Loss FunctionsCVPRcode30
Ordinal Regression With Multiple Output CNN for Age EstimationCVPRcode30
Structured Feature Learning for Pose EstimationCVPRcode29
Unsupervised Learning of EdgesCVPRcode29
PatchBatch: A Batch Augmented Loss for Optical FlowCVPRcode27
Dense Human Body Correspondences Using Convolutional NetworksCVPRcode27
Actionness Estimation Using Hybrid Fully Convolutional NetworksCVPRcode26
You Only Look Once: Unified, Real-Time Object DetectionCVPRcode26
Fast Training of Triplet-Based Deep Binary Embedding NetworksCVPRcode25
Recurrent Attention Models for Depth-Based Person IdentificationCVPRcode24
Detecting Vanishing Points Using Global Image Context in a Non-Manhattan WorldCVPRcode22
First Person Action Recognition Using Deep Learned DescriptorsCVPRcode21
Proposal FlowCVPRcode20
Scale-Aware Alignment of Hierarchical Image SegmentationCVPRcode20
Quantized Convolutional Neural Networks for Mobile DevicesCVPRcode20
Semantic Segmentation With Boundary Neural FieldsCVPRcode19
Single-Image Crowd Counting via Multi-Column Convolutional Neural NetworkCVPRcode19
Accumulated Stability Voting: A Robust Descriptor From Descriptors of Multiple ScalesCVPRcode19
Structure From Motion With ObjectsCVPRcode17
Bottom-Up and Top-Down Reasoning With Hierarchical Rectified GaussiansCVPRcode16
Semantic FilteringCVPRcode16
Online Detection and Classification of Dynamic Hand Gestures With Recurrent 3D Convolutional Neural NetworkCVPRcode16
ReconNet: Non-Iterative Reconstruction of Images From Compressively Sensed MeasurementsCVPRcode15
Interactive Segmentation on RGBD Images via Cue SelectionCVPRcode14
Object Contour Detection With a Fully Convolutional Encoder-Decoder NetworkCVPRcode14
Automatic Content-Aware Color and Tone StylizationCVPRcode12
Similarity Learning With Spatial Constraints for Person Re-IdentificationCVPRcode11
Personalizing Human Video Pose EstimationCVPRcode10
Visually Indicated SoundsCVPRcode9
Patch-Based Convolutional Neural Network for Whole Slide Tissue Image ClassificationCVPRcode9
Region Ranking SVM for Image ClassificationCVPRcode8
Pairwise Matching Through Max-Weight Bipartite Belief PropagationCVPRcode8
Deep Hand: How to Train a CNN on 1 Million Hand Images When Your Data Is Continuous and Weakly LabelledCVPRcode8
Cross-Stitch Networks for Multi-Task LearningCVPRcode8
Learning a Discriminative Null Space for Person Re-IdentificationCVPRcode8
Efficient Deep Learning for Stereo MatchingCVPRcode7
Globally Optimal Manhattan Frame Estimation in Real-TimeCVPRcode7
Where to Look: Focus Regions for Visual Question AnsweringCVPRcode7
Detecting Migrating Birds at NightCVPRcode7
Unsupervised Learning From Narrated Instruction VideosCVPRcode7
Efficient and Robust Color Consistency for Community Photo CollectionsCVPRcode7
Recurrent Attentional Networks for Saliency DetectionCVPRcode7
3D Shape AttributesCVPRcode6
Beyond Local Search: Tracking Objects Everywhere With Instance-Specific ProposalsCVPRcode5
Functional Faces: Groupwise Dense Correspondence Using Functional MapsCVPRcode5
Visual Tracking Using Attention-Modulated Disintegration and IntegrationCVPRcode5
Improving Human Action Recognition by Non-Action ClassificationCVPRcode4
Prior-Less Compressible Structure From MotionCVPRcode4
DenseCap: Fully Convolutional Localization Networks for Dense CaptioningCVPRcode4
Tensor Robust Principal Component Analysis: Exact Recovery of Corrupted Low-Rank Tensors via Convex OptimizationCVPRcode4
Force From Motion: Decoding Physical Sensation in a First Person VideoCVPRcode3
Context-Aware Gaussian Fields for Non-Rigid Point Set RegistrationCVPRcode3
Using Spatial Order to Boost the Elimination of Incorrect Feature MatchesCVPRcode3
Fast Algorithms for Convolutional Neural NetworksCVPRcode3

2015

TitleConfCodeStars
Faster R-CNN: Towards Real-Time Object Detectionwith Region Proposal NetworksNIPScode18356
Fast R-CNNICCVcode18356
Conditional Random Fields as Recurrent Neural NetworksICCVcode1189
Fully Convolutional Networks for Semantic SegmentationCVPRcode911
Learning to Track: Online Multi-Object Tracking by Decision MakingICCVcode308
Learning to Compare Image Patches via Convolutional Neural NetworksCVPRcode300
Learning Deconvolution Network for Semantic SegmentationICCVcode296
Single Image Super-Resolution From Transformed Self-ExemplarsCVPRcode289
Sequence to Sequence - Video to TextICCVcode239
Deep ColorizationICCVcode198
Deep Neural Decision ForestsICCVcode192
Hierarchical Convolutional Features for Visual TrackingICCVcode179
Render for CNN: Viewpoint Estimation in Images Using CNNs Trained With Rendered 3D Model ViewsICCVcode176
Realtime Edge-Based Visual Odometry for a Monocular CameraICCVcode175
Understanding Deep Image Representations by Inverting ThemCVPRcode154
Context-Aware CNNs for Person Head DetectionICCVcode153
Show and Tell: A Neural Image Caption GeneratorCVPRcode141
Face Alignment by Coarse-to-Fine Shape SearchingCVPRcode140
An Improved Deep Learning Architecture for Person Re-IdentificationCVPRcode127
FaceNet: A Unified Embedding for Face Recognition and ClusteringCVPRcode124
Depth-Based Hand Pose Estimation: Data, Methods, and ChallengesICCVcode121
DynamicFusion: Reconstruction and Tracking of Non-Rigid Scenes in Real-TimeCVPRcode118
Massively Parallel Multiview Stereopsis by Surface Normal DiffusionICCVcode105
Learning to Propose ObjectsCVPRcode91
Learning Spatially Regularized Correlation Filters for Visual TrackingICCVcode86
A Convolutional Neural Network Cascade for Face DetectionCVPRcode85
Discriminative Learning of Deep Convolutional Feature Point DescriptorsICCVcode77
Unsupervised Visual Representation Learning by Context PredictionICCVcode73
Deep Neural Networks Are Easily Fooled: High Confidence Predictions for Unrecognizable ImagesCVPRcode71
Deep Filter Banks for Texture Recognition and SegmentationCVPRcode68
Saliency Detection by Multi-Context Deep LearningCVPRcode66
Multi-Objective Convolutional Learning for Face LabelingCVPRcode55
Finding Action TubesCVPRcode51
Category-Specific Object Reconstruction From a Single ImageCVPRcode48
Convolutional Color ConstancyICCVcode47
Face FlowICCVcode45
P-CNN: Pose-Based CNN Features for Action RecognitionICCVcode45
Learning From Massive Noisy Labeled Data for Image ClassificationCVPRcode45
Image SpecificityCVPRcode40
Predicting Depth, Surface Normals and Semantic Labels With a Common Multi-Scale Convolutional ArchitectureICCVcode35
Neural Activation Constellations: Unsupervised Part Model Discovery With Convolutional NetworksICCVcode35
VQA: Visual Question AnsweringICCVcode35
Mid-Level Deep Pattern MiningCVPRcode34
PoseNet: A Convolutional Network for Real-Time 6-DOF Camera RelocalizationICCVcode34
Parsimonious LabelingICCVcode33
Car That Knows Before You Do: Anticipating Maneuvers via Learning Temporal Driving ModelsICCVcode33
Recurrent Convolutional Neural Network for Object RecognitionCVPRcode32
TILDE: A Temporally Invariant Learned DEtectorCVPRcode30
In Defense of Color-Based Model-Free TrackingCVPRcode30
Fast Bilateral-Space Stereo for Synthetic DefocusCVPRcode29
Phase-Based Frame Interpolation for VideoCVPRcode28
Understanding Tools: Task-Oriented Object Modeling, Learning and RecognitionCVPRcode27
Deeply Learned Attributes for Crowded Scene UnderstandingCVPRcode27
Unconstrained 3D Face ReconstructionCVPRcode26
Viewpoints and KeypointsCVPRcode25
Holistically-Nested Edge DetectionICCVcode25
Going Deeper With ConvolutionsCVPRcode25
Reconstructing the World* in Six Days *(As Captured by the Yahoo 100 Million Image Dataset)CVPRcode25
Data-Driven 3D Voxel Patterns for Object Category RecognitionCVPRcode24
L0TV: A New Method for Image Restoration in the Presence of Impulse NoiseCVPRcode22
Beyond Frontal Faces: Improving Person Recognition Using Multiple CuesCVPRcode21
Understanding Deep Features With Computer-Generated ImageryICCVcode19
HICO: A Benchmark for Recognizing Human-Object Interactions in ImagesICCVcode18
Structured Feature SelectionICCVcode17
Learning Large-Scale Automatic Image ColorizationICCVcode17
Semantic Component AnalysisICCVcode17
Simultaneous Feature Learning and Hash Coding With Deep Neural NetworksCVPRcode16
3D Object Reconstruction From Hand-Object InteractionsICCVcode15
Learning Temporal Embeddings for Complex Video AnalysisICCVcode14
Learning to See by MovingICCVcode14
Reflection Removal Using Ghosting CuesCVPRcode14
Where to Buy It: Matching Street Clothing Photos in Online ShopsICCVcode14
Oriented Edge Forests for Boundary DetectionCVPRcode13
A Large-Scale Car Dataset for Fine-Grained Categorization and VerificationCVPRcode11
Appearance-Based Gaze Estimation in the WildCVPRcode10
Learning a Descriptor-Specific 3D Keypoint DetectorICCVcode10
Robust Image Filtering Using Joint Static and Dynamic GuidanceCVPRcode10
Partial Person Re-IdentificationICCVcode9
High Quality Structure From Small Motion for Rolling Shutter CamerasICCVcode9
Boosting Object Proposals: From Pascal to COCOICCVcode8
Convolutional Channel FeaturesICCVcode8
Live Repetition CountingICCVcode8
Unsupervised Learning of Visual Representations Using VideosICCVcode8
Supervised Discrete HashingCVPRcode7
Multi-View Convolutional Neural Networks for 3D Shape RecognitionICCVcode7
Simpler Non-Parametric Methods Provide as Good or Better Results to Multiple-Instance LearningICCVcode7
Finding Distractors In ImagesCVPRcode7
Piecewise Flat Embedding for Image SegmentationICCVcode7
Long-Term Correlation TrackingCVPRcode6
Towards Open World RecognitionCVPRcode6
Pooled Motion Features for First-Person VideosCVPRcode6
Simultaneous Deep Transfer Across Domains and TasksICCVcode6
What Makes an Object Memorable?ICCVcode5
Mining Semantic Affordances of Visual Object CategoriesCVPRcode5
Dense Semantic Correspondence Where Every Pixel is a ClassifierICCVcode5
Segment Graph Based Image Filtering: Fast Structure-Preserving SmoothingICCVcode5
Fast Randomized Singular Value Thresholding for Nuclear Norm MinimizationCVPRcode5
Unsupervised Generation of a Viewpoint Annotated Car Dataset From VideosICCVcode5
Multi-Label Cross-Modal RetrievalICCVcode4
Superdifferential Cuts for Binary EnergiesCVPRcode4
Pose Induction for Novel Object CategoriesICCVcode4
Efficient Minimal-Surface Regularization of Perspective Depth Maps in Variational StereoCVPRcode4
Low-Rank Matrix Factorization Under General Mixture Noise DistributionsICCVcode4
Robust Saliency Detection via Regularized Random Walks RankingCVPRcode3
Simultaneous Video Defogging and Stereo ReconstructionCVPRcode3
Hyperspectral Super-Resolution by Coupled Spectral UnmixingICCVcode3
Oriented Object ProposalsICCVcode3
kNN Hashing With Factorized Neighborhood RepresentationICCVcode3
Minimum Barrier Salient Object Detection at 80 FPSICCVcode3

2014

TitleConfCodeStars
Rich Feature Hierarchies for Accurate Object Detection and Semantic SegmentationCVPRcode1681
Locally Optimized Product Quantization for Approximate Nearest Neighbor SearchCVPRcode437
Clothing Co-Parsing by Joint Image Segmentation and LabelingCVPRcode218
Multiscale Combinatorial GroupingCVPRcode185
Face Alignment at 3000 FPS via Regressing Local Binary FeaturesCVPRcode164
Cross-Scale Cost Aggregation for Stereo MatchingCVPRcode106
Transfer Joint Matching for Unsupervised Domain AdaptationCVPRcode67
Deep Learning Face Representation from Predicting 10,000 ClassesCVPRcode62
BING: Binarized Normed Gradients for Objectness Estimation at 300fpsCVPRcode44
One Millisecond Face Alignment with an Ensemble of Regression TreesCVPRcode43
3D Reconstruction from Accidental MotionCVPRcode42
Predicting MatchabilityCVPRcode38
Dense Semantic Image Segmentation with Objects and AttributesCVPRcode28
Scene-Independent Group Profiling in CrowdCVPRcode28
Shrinkage Fields for Effective Image RestorationCVPRcode25
Adaptive Color Attributes for Real-Time Visual TrackingCVPRcode25
Minimal Scene Descriptions from Structure from Motion ModelsCVPRcode22
Parallax-tolerant Image StitchingCVPRcode20
Learning Mid-level Filters for Person Re-identificationCVPRcode20
Fast Edge-Preserving PatchMatch for Large Displacement Optical FlowCVPRcode18
Product Sparse CodingCVPRcode16
Convolutional Neural Networks for No-Reference Image Quality AssessmentCVPRcode16
Seeing 3D Chairs: Exemplar Part-based 2D-3D Alignment using a Large Dataset of CAD ModelsCVPRcode15
StoryGraphs: Visualizing Character Interactions as a TimelineCVPRcode14
Nonparametric Part Transfer for Fine-grained RecognitionCVPRcode13
Scalable Multitask Representation Learning for Scene ClassificationCVPRcode11
Investigating Haze-relevant Features in A Learning Framework for Image DehazingCVPRcode7
Reconstructing PASCAL VOCCVPRcode6
Collaborative HashingCVPRcode6
Tell Me What You See and I will Show You Where It IsCVPRcode6
Salient Region Detection via High-Dimensional Color TransformCVPRcode6

2013

TitleConfCodeStars
A generic decentralized trust management frameworkSPEcode6