-
Notifications
You must be signed in to change notification settings - Fork 19
/
Copy pathtip_papers.txt
6894 lines (6894 loc) · 567 KB
/
tip_papers.txt
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
83
84
85
86
87
88
89
90
91
92
93
94
95
96
97
98
99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
161
162
163
164
165
166
167
168
169
170
171
172
173
174
175
176
177
178
179
180
181
182
183
184
185
186
187
188
189
190
191
192
193
194
195
196
197
198
199
200
201
202
203
204
205
206
207
208
209
210
211
212
213
214
215
216
217
218
219
220
221
222
223
224
225
226
227
228
229
230
231
232
233
234
235
236
237
238
239
240
241
242
243
244
245
246
247
248
249
250
251
252
253
254
255
256
257
258
259
260
261
262
263
264
265
266
267
268
269
270
271
272
273
274
275
276
277
278
279
280
281
282
283
284
285
286
287
288
289
290
291
292
293
294
295
296
297
298
299
300
301
302
303
304
305
306
307
308
309
310
311
312
313
314
315
316
317
318
319
320
321
322
323
324
325
326
327
328
329
330
331
332
333
334
335
336
337
338
339
340
341
342
343
344
345
346
347
348
349
350
351
352
353
354
355
356
357
358
359
360
361
362
363
364
365
366
367
368
369
370
371
372
373
374
375
376
377
378
379
380
381
382
383
384
385
386
387
388
389
390
391
392
393
394
395
396
397
398
399
400
401
402
403
404
405
406
407
408
409
410
411
412
413
414
415
416
417
418
419
420
421
422
423
424
425
426
427
428
429
430
431
432
433
434
435
436
437
438
439
440
441
442
443
444
445
446
447
448
449
450
451
452
453
454
455
456
457
458
459
460
461
462
463
464
465
466
467
468
469
470
471
472
473
474
475
476
477
478
479
480
481
482
483
484
485
486
487
488
489
490
491
492
493
494
495
496
497
498
499
500
501
502
503
504
505
506
507
508
509
510
511
512
513
514
515
516
517
518
519
520
521
522
523
524
525
526
527
528
529
530
531
532
533
534
535
536
537
538
539
540
541
542
543
544
545
546
547
548
549
550
551
552
553
554
555
556
557
558
559
560
561
562
563
564
565
566
567
568
569
570
571
572
573
574
575
576
577
578
579
580
581
582
583
584
585
586
587
588
589
590
591
592
593
594
595
596
597
598
599
600
601
602
603
604
605
606
607
608
609
610
611
612
613
614
615
616
617
618
619
620
621
622
623
624
625
626
627
628
629
630
631
632
633
634
635
636
637
638
639
640
641
642
643
644
645
646
647
648
649
650
651
652
653
654
655
656
657
658
659
660
661
662
663
664
665
666
667
668
669
670
671
672
673
674
675
676
677
678
679
680
681
682
683
684
685
686
687
688
689
690
691
692
693
694
695
696
697
698
699
700
701
702
703
704
705
706
707
708
709
710
711
712
713
714
715
716
717
718
719
720
721
722
723
724
725
726
727
728
729
730
731
732
733
734
735
736
737
738
739
740
741
742
743
744
745
746
747
748
749
750
751
752
753
754
755
756
757
758
759
760
761
762
763
764
765
766
767
768
769
770
771
772
773
774
775
776
777
778
779
780
781
782
783
784
785
786
787
788
789
790
791
792
793
794
795
796
797
798
799
800
801
802
803
804
805
806
807
808
809
810
811
812
813
814
815
816
817
818
819
820
821
822
823
824
825
826
827
828
829
830
831
832
833
834
835
836
837
838
839
840
841
842
843
844
845
846
847
848
849
850
851
852
853
854
855
856
857
858
859
860
861
862
863
864
865
866
867
868
869
870
871
872
873
874
875
876
877
878
879
880
881
882
883
884
885
886
887
888
889
890
891
892
893
894
895
896
897
898
899
900
901
902
903
904
905
906
907
908
909
910
911
912
913
914
915
916
917
918
919
920
921
922
923
924
925
926
927
928
929
930
931
932
933
934
935
936
937
938
939
940
941
942
943
944
945
946
947
948
949
950
951
952
953
954
955
956
957
958
959
960
961
962
963
964
965
966
967
968
969
970
971
972
973
974
975
976
977
978
979
980
981
982
983
984
985
986
987
988
989
990
991
992
993
994
995
996
997
998
999
1000
TIP,,2019,Exploiting Color Volume and Color Difference for Salient Region Detection.
TIP,,2019,On GPU Connected Components and Properties: A Systematic Evaluation of Connected Component Labeling Algorithms and Their Extension for Property Extraction.
TIP,,2019,More is Better: Precise and Detailed Image Captioning Using Online Positive Recall and Missing Concepts Mining.
TIP,,2019,Relative CNN-RNN: Learning Relative Atmospheric Visibility From Images.
TIP,,2019,Image Co-Saliency Detection and Co-Segmentation via Progressive Joint Optimization.
TIP,,2019,Image Regularizations Based on the Sparsity of Corner Points.
TIP,,2019,Automatic Ensemble Diffusion for 3D Shape and Image Retrieval.
TIP,,2019,Generalized Semantic Preserving Hashing for Cross-Modal Retrieval.
TIP,,2019,Attention CoupleNet: Fully Convolutional Attention Coupling Network for Object Detection.
TIP,,2019,X-Ray Enhancement Based on Component Attenuation, Contrast Adjustment, and Image Fusion.
TIP,,2019,Multi-Person Pose Estimation via Multi-Layer Fractal Network and Joints Kinship Pattern.
TIP,,2019,Robust and Unobtrusive Display-to-Camera Communications via Blue Channel Embedding.
TIP,,2019,Tensor Completion From One-Bit Observations.
TIP,,2019,The Augmented Homogeneous Coordinates Matrix-Based Projective Mismatch Removal for Partial-Duplicate Image Search.
TIP,,2019,Dual Low-Rank Decompositions for Robust Cross-View Learning.
TIP,,2019,Learning Match Kernels on Grassmann Manifolds for Action Recognition.
TIP,,2019,Geodesic Distances in Probabilistic Spaces for Patch-Based Ultrasound Image Processing.
TIP,,2019,High-Quality Bayesian Pansharpening.
TIP,,2019,Trajectories as Topics: Multi-Object Tracking by Topic Discovery.
TIP,,2019,Temporal Colored Coded Aperture Design in Compressive Spectral Video Sensing.
TIP,,2019,Learning Rotation-Invariant and Fisher Discriminative Convolutional Neural Networks for Object Detection.
TIP,,2019,Learning Local Descriptors by Optimizing the Keypoint-Correspondence Criterion: Applications to Face Matching, Learning From Unlabeled Videos and 3D-Shape Retrieval.
TIP,,2019,Adversarial Spatio-Temporal Learning for Video Deblurring.
TIP,,2019,Cross-View Multi-Lateral Filter for Compressed Multi-View Depth Video.
TIP,,2019,Uncertainty-Based Active Learning via Sparse Modeling for Image Classification.
TIP,,2019,Probabilistic Diffusion for Interactive Image Segmentation.
TIP,,2019,COGL: Coefficient Graph Laplacians for Optimized JPEG Image Decoding.
TIP,,2019,Reliable Crowdsourcing and Deep Locality-Preserving Learning for Unconstrained Facial Expression Recognition.
TIP,,2019,Secure Quaternion Feistel Cipher for DICOM Images.
TIP,,2019,AIPNet: Image-to-Image Single Image Dehazing With Atmospheric Illumination Prior.
TIP,,2019,Improved ArtGAN for Conditional Synthesis of Natural Image and Artwork.
TIP,,2019,A Bayesian Framework for the Analog Reconstruction of Kymographs From Fluorescence Microscopy Data.
TIP,,2019,Muon Tracing and Image Reconstruction Algorithms for Cosmic Ray Muon Computed Tomography.
TIP,,2019,Extracting Privileged Information for Enhancing Classifier Learning.
TIP,,2019,A Convergent Image Fusion Algorithm Using Scene-Adapted Gaussian-Mixture-Based Denoising.
TIP,,2019,Accurate Modeling and Efficient Estimation of the Print-Capture Channel With Application in Barcoding.
TIP,,2019,Parallel Attentive Correlation Tracking.
TIP,,2019,Benchmarking Single-Image Dehazing and Beyond.
TIP,,2019,Triple Verification Network for Generalized Zero-Shot Learning.
TIP,,2019,Late Fusion via Subspace Search With Consistency Preservation.
TIP,,2019,Similarity Domains Machine for Scale-Invariant and Sparse Shape Modeling.
TIP,,2019,Gated-GAN: Adversarial Gated Networks for Multi-Collection Style Transfer.
TIP,,2019,WLDISR: Weighted Local Sparse Representation-Based Depth Image Super-Resolution for 3D Video System.
TIP,,2019,Hyperspectral Imagery Classification via Stochastic HHSVMs.
TIP,,2019,Kernel Distance Metric Learning Using Pairwise Constraints for Person Re-Identification.
TIP,,2019,Unsupervised Semantic-Based Aggregation of Deep Convolutional Features.
TIP,,2019,Large-Scale Study of Perceptual Video Quality.
TIP,,2019,Graph-Regularized Locality-Constrained Joint Dictionary and Residual Learning for Face Sketch Synthesis.
TIP,,2019,Dual-Transfer Face Sketch-Photo Synthesis.
TIP,,2019,SeqViews2SeqLabels: Learning 3D Global Features via Aggregating Sequential Views by RNN With Attention.
TIP,,2019,A New Adaptive Video Super-Resolution Algorithm With Improved Robustness to Innovations.
TIP,,2019,Accelerating GMM-Based Patch Priors for Image Restoration: Three Ingredients for a 100× Speed-Up.
TIP,,2019,D3R-Net: Dynamic Routing Residue Recurrent Network for Video Rain Removal.
TIP,,2019,Image Estimation in the Presence of Irregular Sampling, Noise, and Pointing Jitter.
TIP,,2019,Statistical Nearest Neighbors for Image Denoising.
TIP,,2019,Semi-Supervised Metric Learning-Based Anchor Graph Hashing for Large-Scale Image Retrieval.
TIP,,2019,Joint Tumor Segmentation in PET-CT Images Using Co-Clustering and Fusion Based on Belief Functions.
TIP,,2019,Interpreting and Extending the Guided Filter via Cyclic Coordinate Descent.
TIP,,2019,Fast Adaptive Bilateral Filtering.
TIP,,2019,Dynamic Feature Matching for Partial Face Recognition.
TIP,,2019,Cross-Scale Predictive Dictionaries.
TIP,,2019,Rectification Using Different Types of Cameras Attached to a Vehicle.
TIP,,2019,A Maximum Likelihood Approach for Depth Field Estimation Based on Epipolar Plane Images.
TIP,,2019,Unifying Sum and Weighted Aggregations for Efficient Yet Effective Image Representation Computation.
TIP,,2019,Multi-Domain and Multi-Task Learning for Human Action Recognition.
TIP,,2019,High-quality Image Restoration Using Low-Rank Patch Regularization and Global Structure Sparsity.
TIP,,2019,Spectral Total-Variation Local Scale Signatures for Image Manipulation and Fusion.
TIP,,2019,Improving the Visual Quality of Size-Invariant Visual Cryptography for Grayscale Images: An Analysis-by-Synthesis (AbS) Approach.
TIP,,2019,DeepISP: Toward Learning an End-to-End Image Processing Pipeline.
TIP,,2019,Hierarchical Contextual Refinement Networks for Human Pose Estimation.
TIP,,2019,Blind Deblurring of Natural Stochastic Textures Using an Anisotropic Fractal Model and Phase Retrieval Algorithm.
TIP,,2019,Context-Aware Text-Based Binary Image Stylization and Synthesis.
TIP,,2019,Zero-Shot Learning via Category-Specific Visual-Semantic Mapping and Label Refinement.
TIP,,2019,Learning Effective RGB-D Representations for Scene Recognition.
TIP,,2019,Deep Color Guided Coarse-to-Fine Convolutional Network Cascade for Depth Image Super-Resolution.
TIP,,2019,Moving Object Detection in Complex Scene Using Spatiotemporal Structured-Sparse RPCA.
TIP,,2019,Low-Rank Transfer Human Motion Segmentation.
TIP,,2019,Divide and Count: Generic Object Counting by Image Divisions.
TIP,,2019,Deep Convolutional Neural Network for Natural Image Matting Using Initial Alpha Mattes.
TIP,,2019,Depth Restoration From RGB-D Data via Joint Adaptive Regularization and Thresholding on Manifolds.
TIP,,2019,Discrete Spectral Hashing for Efficient Similarity Retrieval.
TIP,,2019,Learning a Convolutional Neural Network for Image Compact-Resolution.
TIP,,2019,Effective Content-Aware Chroma Reconstruction Method for Screen Content Images.
TIP,,2019,MSFD: Multi-Scale Segmentation-Based Feature Detection for Wide-Baseline Scene Reconstruction.
TIP,,2019,Context-Aware Mouse Behavior Recognition Using Hidden Markov Models.
TIP,,2019,Weighted Graph Embedding-Based Metric Learning for Kinship Verification.
TIP,,2019,Fine-Grained Quality Assessment for Compressed Images.
TIP,,2019,CamStyle: A Novel Data Augmentation Method for Person Re-Identification.
TIP,,2019,A Probabilistic Approach to Cross-Region Matching-Based Image Retrieval.
TIP,,2019,Graph-Based Joint Dequantization and Contrast Enhancement of Poorly Lit JPEG Images.
TIP,,2019,Image Restoration by Iterative Denoising and Backward Projections.
TIP,,2019,Online Data Organizer: Micro-Video Categorization by Structure-Guided Multimodal Dictionary Learning.
TIP,,2019,Sparse Representation Over Learned Dictionaries on the Riemannian Manifold for Automated Grading of Nuclear Pleomorphism in Breast Cancer.
TIP,,2019,Multiview Consensus Graph Clustering.
TIP,,2019,Minimal Paths for Tubular Structure Segmentation With Coherence Penalty and Adaptive Anisotropy.
TIP,,2019,Deep Crisp Boundaries: From Boundaries to Higher-Level Tasks.
TIP,,2019,Unified Confidence Estimation Networks for Robust Stereo Matching.
TIP,,2019,A Blind Stereoscopic Image Quality Evaluator With Segmented Stacked Autoencoders Considering the Whole Visual Perception Route.
TIP,,2019,Supervised Mixed Norm Autoencoder for Kinship Verification in Unconstrained Videos.
TIP,,2019,Video Super-Resolution Using Non-Simultaneous Fully Recurrent Convolutional Network.
TIP,,2019,A Cartoon-Texture Approach for JPEG/JPEG 2000 Decompression Based on TGV and Shearlet Transform.
TIP,,2019,Video Person Re-Identification by Temporal Residual Learning.
TIP,,2019,Toward Achieving Robust Low-Level and High-Level Scene Parsing.
TIP,,2019,Multi-Pseudo Regularized Label for Generated Data in Person Re-Identification.
TIP,,2019,Graph-Based Blind Image Deblurring From a Single Photograph.
TIP,,2019,Compression of Plenoptic Point Clouds.
TIP,,2019,Facial Action Unit Recognition and Intensity Estimation Enhanced Through Label Dependencies.
TIP,,2019,None
TIP,,2019,An Improved Framework of Affine Motion Compensation in Video Coding.
TIP,,2019,Fast High-Dimensional Bilateral and Nonlocal Means Filtering.
TIP,,2019,Toward Construction-Based Data Hiding: From Secrets to Fingerprint Images.
TIP,,2019,DeepCrack: Learning Hierarchical Convolutional Features for Crack Detection.
TIP,,2019,A Dynamic-Shape-Prior Guided Snake Model With Application in Visually Tracking Dense Cell Populations.
TIP,,2019,Learning Converged Propagations With Deep Prior Ensemble for Image Enhancement.
TIP,,2019,Revisiting Outlier Rejection Approach for Non-Lambertian Photometric Stereo.
TIP,,2019,An Adaptive Markov Random Field for Structured Compressive Sensing.
TIP,,2019,A Richly Annotated Pedestrian Dataset for Person Retrieval in Real Surveillance Scenarios.
TIP,,2019,Cross-Modal Attentional Context Learning for RGB-D Object Detection.
TIP,,2019,Cycle-Consistent Deep Generative Hashing for Cross-Modal Retrieval.
TIP,,2019,A Novel Scheme Based on the Diffusion to Edge Detection.
TIP,,2019,DCSR: Dilated Convolutions for Single Image Super-Resolution.
TIP,,2019,Depth Super-Resolution via Joint Color-Guided Internal and External Regularizations.
TIP,,2019,VRSA Net: VR Sickness Assessment Considering Exceptional Motion for 360° VR Video.
TIP,,2019,A Convex Optimization Framework for Video Quality and Resolution Enhancement From Multiple Descriptions.
TIP,,2019,On-Device Scalable Image-Based Localization via Prioritized Cascade Search and Fast One-Many RANSAC.
TIP,,2019,VIDOSAT: High-Dimensional Sparsifying Transform Learning for Online Video Denoising.
TIP,,2019,Image Inpainting Using Nonlocal Texture Matching and Nonlinear Filtering.
TIP,,2019,Multi-Modal Multi-Scale Deep Learning for Large-Scale Image Annotation.
TIP,,2019,Corrupted Reference Image Quality Assessment of Denoised Images.
TIP,,2019,Generalized Bayesian Model Selection for Speckle on Remote Sensing Images.
TIP,,2019,A Continuous Random Walk Model With Explicit Coherence Regularization for Image Segmentation.
TIP,,2019,Toward Efficient Action Recognition: Principal Backpropagation for Training Two-Stream Networks.
TIP,,2019,Multispectral Image Super-Resolution via RGB Image Fusion and Radiometric Calibration.
TIP,,2019,Robust Reflection Removal Based on Light Field Imaging.
TIP,,2019,Modified Quality Threshold Clustering for Temporal Analysis and Classification of Lung Lesions.
TIP,,2019,Zero-Shot Learning via Robust Latent Representation and Manifold Regularization.
TIP,,2019,Synthetic Data Generation for End-to-End Thermal Infrared Tracking.
TIP,,2019,MPTV: Matching Pursuit-Based Total Variation Minimization for Image Deconvolution.
TIP,,2019,Unified No-Reference Quality Assessment of Singly and Multiply Distorted Stereoscopic Images.
TIP,,2019,A Non-Local Dual-Domain Approach to Cartoon and Texture Decomposition.
TIP,,2019,Deep Video Dehazing With Semantic Segmentation.
TIP,,2019,Deep Learning From Noisy Image Labels With Quality Embedding.
TIP,,2019,An Augmented Linear Mixing Model to Address Spectral Variability for Hyperspectral Unmixing.
TIP,,2019,Deep Visual Saliency on Stereoscopic Images.
TIP,,2019,Single Image Reflection Removal Using Convolutional Neural Networks.
TIP,,2019,A Second Order Multi-Stencil Fast Marching Method With a Non-Constant Local Cost Model.
TIP,,2019,Local Geometric Deformations in the DHT Domain With Applications.
TIP,,2019,Unsupervised Deep Video Hashing via Balanced Code for Large-Scale Video Retrieval.
TIP,,2019,Bi-Directional Spatial-Semantic Attention Networks for Image-Text Matching.
TIP,,2019,Moving Object Detection in Video via Hierarchical Modeling and Alternating Optimization.
TIP,,2019,A New Probabilistic Representation of Color Image Pixels and Its Applications.
TIP,,2019,Low-Resolution Face Recognition in the Wild via Selective Knowledge Distillation.
TIP,,2019,Efficient Multi-Strategy Intra Prediction for Quality Scalable High Efficiency Video Coding.
TIP,,2019,Combining Local and Global Measures for DIBR-Synthesized Image Quality Evaluation.
TIP,,2019,FastDeRain: A Novel Video Rain Streak Removal Method Using Directional Gradient Priors.
TIP,,2018,Farewell Editorial.
TIP,,2018,AutoBD: Automated Bi-Level Description for Scalable Fine-Grained Visual Categorization.
TIP,,2018,A Fast Gradient Method for Nonnegative Sparse Regression With Self-Dictionary.
TIP,,2018,Video Salient Object Detection via Fully Convolutional Networks.
TIP,,2018,Knowledge-Based Topic Model for Unsupervised Object Discovery and Localization.
TIP,,2018,Motion Estimation in Echocardiography Using Sparse Representation and Dictionary Learning.
TIP,,2018,Anisotropic-Scale Junction Detection and Matching for Indoor Images.
TIP,,2018,PURE-LET Image Deconvolution.
TIP,,2018,Hierarchical Recurrent Neural Hashing for Image Retrieval With Hierarchical Convolutional Features.
TIP,,2018,Edge Preserving and Multi-Scale Contextual Neural Network for Salient Object Detection.
TIP,,2018,Human Motion Segmentation via Robust Kernel Sparse Subspace Clustering.
TIP,,2018,Discriminant Analysis on Riemannian Manifold of Gaussian Distributions for Face Recognition With Image Sets.
TIP,,2018,Dynamic Video Stitching via Shakiness Removing.
TIP,,2018,A Detail-Based Method for Linear Full Reference Image Quality Prediction.
TIP,,2018,Motion Blur Kernel Estimation via Deep Learning.
TIP,,2018,Deep Neural Networks for No-Reference and Full-Reference Image Quality Assessment.
TIP,,2018,Example-Based Image Synthesis via Randomized Patch-Matching.
TIP,,2018,Consensus Regularized Multi-View Outlier Detection.
TIP,,2018,Procrustean Regression: A Flexible Alignment-Based Framework for Nonrigid Structure Estimation.
TIP,,2018,Towards Edge-Aware Spatio-Temporal Filtering in Real-Time.
TIP,,2018,Duplex Metric Learning for Image Set Classification.
TIP,,2018,Frankenstein: Learning Deep Face Representations Using Small Data.
TIP,,2018,Deep Domain Generalization With Structured Low-Rank Constraint.
TIP,,2018,Light Field Compression With Disparity-Guided Sparse Coding Based on Structural Key Views.
TIP,,2018,Tensor Rank Preserving Discriminant Analysis for Facial Recognition.
TIP,,2018,Online Low-Rank Representation Learning for Joint Multi-Subspace Recovery and Clustering.
TIP,,2018,A Benchmark Dataset and Saliency-Guided Stacked Autoencoders for Video-Based Salient Object Detection.
TIP,,2018,Landmark-Based Shape Encoding and Sparse-Dictionary Learning in the Continuous Domain.
TIP,,2018,Color Balance and Fusion for Underwater Image Enhancement.
TIP,,2018,Model-Based Referenceless Quality Metric of 3D Synthesized Images Using Local Image Description.
TIP,,2018,Binary Multidimensional Scaling for Hashing.
TIP,,2018,Temporal Scalability of Dynamic Volume Data Using Mesh Compensated Wavelet Lifting.
TIP,,2018,Multi-Task Vehicle Detection With Region-of-Interest Voting.
TIP,,2018,Single Image De-Hazing Using Globally Guided Image Filtering.
TIP,,2018,Multiple-Level Feature-Based Measure for Retargeted Image Quality.
TIP,,2018,Visual Representation and Classification by Learning Group Sparse Deep Stacking Network.
TIP,,2018,Implicit Block Diagonal Low-Rank Representation.
TIP,,2018,Variational Decompression of Image Data From DjVu Encoded Files.
TIP,,2018,Marginalized Denoising Dictionary Learning With Locality Constraint.
TIP,,2018,Partial Deconvolution With Inaccurate Blur Kernel.
TIP,,2018,A Data Set for Camera-Independent Color Constancy.
TIP,,2018,Hashing with Angular Reconstructive Embeddings.
TIP,,2018,A Group-Based Image Inpainting Using Patch Refinement in MRF Framework.
TIP,,2018,Co-Saliency Detection for RGBD Images Based on Multi-Constraint Feature Matching and Cross Label Propagation.
TIP,,2018,Explicit Ringing Removal in Image Deblurring.
TIP,,2018,Parallel Block Sequential Closed-Form Matting With Fan-Shaped Partitions.
TIP,,2018,Curvature Integration in a 5D Kernel for Extracting Vessel Connections in Retinal Images.
TIP,,2018,Automated and Robust Quantification of Colocalization in Dual-Color Fluorescence Microscopy: A Nonparametric Statistical Approach.
TIP,,2018,Zero-Shot Learning via Attribute Regression and Class Prototype Rectification.
TIP,,2018,Edge Probability and Pixel Relativity-Based Speckle Reducing Anisotropic Diffusion.
TIP,,2018,A Physics-Based Deep Learning Approach to Shadow Invariant Representations of Hyperspectral Images.
TIP,,2018,Novel Integration of Frame Rate Up Conversion and HEVC Coding Based on Rate-Distortion Optimization.
TIP,,2018,Tropical Cyclone Intensity Estimation Using a Deep Convolutional Neural Network.
TIP,,2018,Saliency Detection Based on Multiscale Extrema of Local Perceptual Color Differences.
TIP,,2018,Performance Re-Evaluation on "Codewords Distribution-Based Optimal Combination of Equal-Average Equal-Variance Equal-Norm Nearest Neighbor Fast Search Algorithm for Vector Quantization Encoding".
TIP,,2018,Blind Stereoscopic Video Quality Assessment: From Depth Perception to Overall Experience.
TIP,,2018,Dissecting and Reassembling Color Correction Algorithms for Image Stitching.
TIP,,2018,SDL: Saliency-Based Dictionary Learning Framework for Image Similarity.
TIP,,2018,Egocentric Temporal Action Proposals.
TIP,,2018,Robust LSTM-Autoencoders for Face De-Occlusion in the Wild.
TIP,,2018,Person Re-Identification With Metric Learning Using Privileged Information.
TIP,,2018,Object Classification With Joint Projection and Low-Rank Dictionary Learning.
TIP,,2018,Fundamental Principles on Learning New Features for Effective Dense Matching.
TIP,,2018,Spectral-Spatial Scale Invariant Feature Transform for Hyperspectral Images.
TIP,,2018,Random Walks for Synthetic Aperture Radar Image Fusion in Framelet Domain.
TIP,,2018,Sequential Subspace Clustering via Temporal Smoothness for Sequential Data Segmentation.
TIP,,2018,From Sparse Coding Significance to Perceptual Quality: A New Approach for Image Quality Assessment.
TIP,,2018,A Backprojection Slice Theorem for Tomographic Reconstruction.
TIP,,2018,A General Framework for Linear Distance Preserving Hashing.
TIP,,2018,Hierarchical Vertex Regression-Based Segmentation of Head and Neck CT Images for Radiotherapy Planning.
TIP,,2018,Naturalness Preserved Image Enhancement Using a Priori Multi-Layer Lightness Statistics.
TIP,,2018,Robust Quantization for General Similarity Search.
TIP,,2018,Multi-Task Convolutional Neural Network for Pose-Invariant Face Recognition.
TIP,,2018,Learning-Based Restoration of Backlit Images.
TIP,,2018,Saliency Detection via Absorbing Markov Chain With Learnt Transition Probability.
TIP,,2018,Single Image Dehazing Using Color Ellipsoid Prior.
TIP,,2018,Local All-Pass Geometric Deformations.
TIP,,2018,Latent Constrained Correlation Filter.
TIP,,2018,Body Structure Aware Deep Crowd Counting.
TIP,,2018,Micro-Lens-Based Matching for Scene Recovery in Lenslet Cameras.
TIP,,2018,None
TIP,,2018,How Does the Low-Rank Matrix Decomposition Help Internal and External Learnings for Super-Resolution.
TIP,,2018,Random Access Memories: A New Paradigm for Target Detection in High Resolution Aerial Remote Sensing Images.
TIP,,2018,Background Modeling by Stability of Adaptive Features in Complex Scenes.
TIP,,2018,Edge-Based Defocus Blur Estimation With Adaptive Scale Selection.
TIP,,2018,No-Reference Image Quality Assessment by Wide-Perceptual-Domain Scorer Ensemble Method.
TIP,,2018,Tensor Factorization for Low-Rank Tensor Completion.
TIP,,2018,Detection and Separation of Smoke From Single Image Frames.
TIP,,2018,POI Summarization by Aesthetics Evaluation From Crowd Source Social Media.
TIP,,2018,Virtual View Synthesis for Free Viewpoint Video and Multiview Video Compression using Gaussian Mixture Modelling.
TIP,,2018,End-to-End Blind Image Quality Assessment Using Deep Neural Networks.
TIP,,2018,A Fractional-Order Variational Framework for Retinex: Fractional-Order Partial Differential Equation-Based Formulation for Multi-Scale Nonlocal Contrast Enhancement with Texture Preserving.
TIP,,2018,On Space-Time Filtering Framework for Matching Human Actions Across Different Viewpoints.
TIP,,2018,A Background Modeling and Foreground Detection Algorithm Using Scaling Coefficients Defined With a Color Model Called Lightness-Red-Green-Blue.
TIP,,2018,Semi-Supervised Deep Learning Using Pseudo Labels for Hyperspectral Image Classification.
TIP,,2018,3-D Shape Matching and Non-Rigid Correspondence for Hippocampi Based on Markov Random Fields.
TIP,,2018,Exploiting Spatial-Temporal Locality of Tracking via Structured Dictionary Learning.
TIP,,2018,Normalized Total Gradient: A New Measure for Multispectral Image Registration.
TIP,,2018,Reversion Correction and Regularized Random Walk Ranking for Saliency Detection.
TIP,,2018,Cost-Sensitive Feature Selection by Optimizing F-Measures.
TIP,,2018,None
TIP,,2018,Recurrent Spatial-Temporal Attention Network for Action Recognition in Videos.
TIP,,2018,Multiple Pedestrian Tracking From Monocular Videos in an Interacting Multiple Model Framework.
TIP,,2018,Single Image Super-Resolution Based on Wiener Filter in Similarity Domain.
TIP,,2018,Differential Evolutionary Superpixel Segmentation.
TIP,,2018,Semantic Neighbor Graph Hashing for Multimodal Retrieval.
TIP,,2018,Exploiting Target Data to Learn Deep Convolutional Networks for Scene-Adapted Human Detection.
TIP,,2018,Contextual Bag-of-Words for Robust Visual Tracking.
TIP,,2018,Sparse and Low-Rank Decomposition of a Hankel Structured Matrix for Impulse Noise Removal.
TIP,,2018,Monte-Carlo Acceleration of Bilateral Filter and Non-Local Means.
TIP,,2018,Probabilistic Decision Based Block Partitioning for Future Video Coding.
TIP,,2018,Object-Part Attention Model for Fine-Grained Image Classification.
TIP,,2018,Auto-Weighted Multi-View Learning for Image Clustering and Semi-Supervised Classification.
TIP,,2018,Blind Quality Estimation by Disentangling Perceptual and Noisy Features in High Dynamic Range Images.
TIP,,2018,Robust Multi-Focus Image Fusion Using Edge Model and Multi-Matting.
TIP,,2018,Robust Distance Metric Learning via Bayesian Inference.
TIP,,2018,Implicit Negative Sub-Categorization and Sink Diversion for Object Detection.
TIP,,2018,Analysis of Disparity Error for Stereo Autofocus.
TIP,,2018,Skeleton-Based Human Action Recognition With Global Context-Aware Attention LSTM Networks.
TIP,,2018,No Reference Quality Assessment for Screen Content Images With Both Local and Global Feature Representation.
TIP,,2018,Convolutional Sparse Coding for RGB+NIR Imaging.
TIP,,2018,Unsupervised Deep Hashing With Pseudo Labels for Scalable Image Retrieval.
TIP,,2018,Robust Object Co-Segmentation Using Background Prior.
TIP,,2018,NIQSV+: A No-Reference Synthesized View Quality Assessment Metric.
TIP,,2018,Visual Saliency Detection Using Spatiotemporal Decomposition.
TIP,,2018,Evaluation of Hierarchical Watersheds.
TIP,,2018,Analysis on the Effect of Sensor Views in Image Reconstruction Produced by Optical Tomography System Using Charge-Coupled Device.
TIP,,2018,Convolutional Dictionary Learning: Acceleration and Convergence.
TIP,,2018,Fast 2D Complex Gabor Filter With Kernel Decomposition.
TIP,,2018,Plenoptic Image Motion Deblurring.
TIP,,2018,Hyper-Lapse From Multiple Spatially-Overlapping Videos.
TIP,,2018,Hierarchical and Spatio-Temporal Sparse Representation for Human Action Recognition.
TIP,,2018,Multipolarization Through-Wall Radar Imaging Using Low-Rank and Jointly-Sparse Representations.
TIP,,2018,Reweighted Low-Rank Matrix Analysis With Structural Smoothness for Image Denoising.
TIP,,2018,Feature Map Quality Score Estimation Through Regression.
TIP,,2018,Iterative Graph Seeking for Object Tracking.
TIP,,2018,Change Detection in Heterogenous Remote Sensing Images via Homogeneous Pixel Transformation.
TIP,,2018,Region-Based Prediction for Image Compression in the Cloud.
TIP,,2018,Cell Membrane Tracking in Living Brain Tissue Using Differential Interference Contrast Microscopy.
TIP,,2018,Improving Color Constancy in an Ambient Light Environment Using the Phong Reflection Model.
TIP,,2018,Stacked Denoising Tensor Auto-Encoder for Action Recognition With Spatiotemporal Corruptions.
TIP,,2018,Joint Hand Detection and Rotation Estimation Using CNN.
TIP,,2018,Camera Shutter-Independent Registration and Rectification.
TIP,,2018,Robust Virtual Unrolling of Historical Parchment XMT Images.
TIP,,2018,Clusterability and Clustering of Images and Other "Real" High-Dimensional Data.
TIP,,2018,Robust PCA Based on Incoherence With Geometrical Interpretation.
TIP,,2018,Discriminative Multiple Canonical Correlation Analysis for Information Fusion.
TIP,,2018,Fast Image Super-Resolution via Local Adaptive Gradient Field Sharpening Transform.
TIP,,2018,Light Field Inpainting Propagation via Low Rank Matrix Completion.
TIP,,2018,Model-Based Learning of Local Image Features for Unsupervised Texture Segmentation.
TIP,,2018,Matching Contactless and Contact-Based Conventional Fingerprint Images for Biometrics Identification.
TIP,,2018,Learning Common and Feature-Specific Patterns: A Novel Multiple-Sparse-Representation-Based Tracker.
TIP,,2018,Some Properties of Interpolations Using Mathematical Morphology.
TIP,,2018,Learning a Deep Single Image Contrast Enhancer from Multi-Exposure Images.
TIP,,2018,Transportation Spherical Watermarking.
TIP,,2018,Local and Global Feature Learning for Blind Quality Evaluation of Screen Content and Natural Scene Images.
TIP,,2018,Deep Context-Sensitive Facial Landmark Detection With Tree-Structured Modeling.
TIP,,2018,Kernel K-Means Sampling for Nyström Approximation.
TIP,,2018,Convolutional Sparse and Low-Rank Coding-Based Image Decomposition.
TIP,,2018,Video Summarization Via Multiview Representative Selection.
TIP,,2018,Spatial and Angular Resolution Enhancement of Light Fields Using Convolutional Neural Networks.
TIP,,2018,Physics-Based Image Segmentation Using First Order Statistical Properties and Genetic Algorithm for Inductive Thermography Imaging.
TIP,,2018,When Dijkstra Meets Vanishing Point: A Stereo Vision Approach for Road Detection.
TIP,,2018,Her2Net: A Deep Framework for Semantic Segmentation and Classification of Cell Membranes and Nuclei in Breast Cancer Evaluation.
TIP,,2018,Fast MPEG-CDVS Encoder With GPU-CPU Hybrid Computing.
TIP,,2018,Efficient Scalable Median Filtering Using Histogram-Based Operations.
TIP,,2018,Pixel Binning for High Dynamic Range Color Image Sensor Using Square Sampling Lattice.
TIP,,2018,A Gaussian Mixture Model Representation of Endmember Variability in Hyperspectral Unmixing.
TIP,,2018,Learning a Continuous-Time Streaming Video QoE Model.
TIP,,2018,Global-Local Temporal Saliency Action Prediction.
TIP,,2018,Fast Open-World Person Re-Identification.
TIP,,2018,Perceptually Aware Image Retargeting for Mobile Devices.
TIP,,2018,Multi-Attributed Graph Matching With Multi-Layer Graph Structure and Multi-Layer Random Walks.
TIP,,2018,Real-Time Action Recognition With Deeply Transferred Motion Vector CNNs.
TIP,,2018,Sub-Network Kernels for Measuring Similarity of Brain Connectivity Networks in Disease Diagnosis.
TIP,,2018,Hyperspectral Image Classification With Markov Random Fields and a Convolutional Neural Network.
TIP,,2018,Deep Visual Attention Prediction.
TIP,,2018,Hookworm Detection in Wireless Capsule Endoscopy Images With Deep Learning.
TIP,,2018,Reformulating Level Sets as Deep Recurrent Neural Network Approach to Semantic Segmentation.
TIP,,2018,DeepDemosaicking: Adaptive Image Demosaicking via Multiple Deep Fully Convolutional Networks.
TIP,,2018,Local Deep-Feature Alignment for Unsupervised Dimension Reduction.
TIP,,2018,Missing Surface Estimation Based on Modified Tikhonov Regularization: Application for Destructed Dental Tissue.
TIP,,2018,Bayesian Bistatic ISAR Imaging for Targets With Complex Motion Under Low SNR Condition.
TIP,,2018,Unified Discriminative and Coherent Semi-Supervised Subspace Clustering.
TIP,,2018,Adaptive RGB Image Recognition by Visual-Depth Embedding.
TIP,,2018,Domain Regeneration for Cross-Database Micro-Expression Recognition.
TIP,,2018,A Perceptually Weighted Rank Correlation Indicator for Objective Image Quality Assessment.
TIP,,2018,Joint Separable and Non-Separable Transforms for Next-Generation Video Coding.
TIP,,2018,Good Features to Correlate for Visual Tracking.
TIP,,2018,Efficient Encrypted Images Filtering and Transform Coding With Walsh-Hadamard Transform and Parallelization.
TIP,,2018,Underlying Connections Between Algorithms for Nongreedy LDA-L1.
TIP,,2018,A Multi-Region Segmentation Method for SAR Images Based on the Multi-Texture Model With Level Sets.
TIP,,2018,BULDP: Biomimetic Uncorrelated Locality Discriminant Projection for Feature Extraction in Face Recognition.
TIP,,2018,Depth Super-Resolution From RGB-D Pairs With Transform and Spatial Domain Regularization.
TIP,,2018,Flexible Manifold Learning With Optimal Graph for Image and Video Representation.
TIP,,2018,Correlation Particle Filter for Visual Tracking.
TIP,,2018,Submodular Trajectories for Better Motion Segmentation in Videos.
TIP,,2018,Edge Modeling by Two Blur Parameters in Varying Contrasts.
TIP,,2018,Effective and Fast Estimation for Image Sensor Noise Via Constrained Weighted Least Squares.
TIP,,2018,Automatic Registration of Images With Inconsistent Content Through Line-Support Region Segmentation and Geometrical Outlier Removal.
TIP,,2018,Imagining the Unimaginable Faces by Deconvolutional Networks.
TIP,,2018,Reconstruction of Single Image from Multiple Blurry Measured Images.
TIP,,2018,Robust Visual Tracking Revisited: From Correlation Filter to Template Matching.
TIP,,2018,An Analytic Gabor Feedforward Network for Single-Sample and Pose-Invariant Face Recognition.
TIP,,2018,Camera-Aware Multi-Resolution Analysis for Raw Image Sensor Data Compression.
TIP,,2018,Unsupervised Uncertainty Estimation Using Spatiotemporal Cues in Video Saliency Detection.
TIP,,2018,Structure-Revealing Low-Light Image Enhancement Via Robust Retinex Model.
TIP,,2018,Learning Clip Representations for Skeleton-Based 3D Action Recognition.
TIP,,2018,Generalization of the Dark Channel Prior for Single Image Restoration.
TIP,,2018,Deep Action Parsing in Videos With Large-Scale Synthesized Data.
TIP,,2018,Content-Adaptive Superpixel Segmentation.
TIP,,2018,Training Very Deep CNNs for General Non-Blind Deconvolution.
TIP,,2018,Time-of-Flight Range Measurement in Low-Sensing Environment: Noise Analysis and Complex-Domain Non-Local Denoising.
TIP,,2018,Region-Aware Reflection Removal With Unified Content and Gradient Priors.
TIP,,2018,A MAP-Based Approach for Hyperspectral Imagery Super-Resolution.
TIP,,2018,A Comparative Study of Algorithms for Realtime Panoramic Video Blending.
TIP,,2018,Supervised Polarimetric SAR Image Classification Using Tensor Local Discriminant Embedding.
TIP,,2018,Hallucinating Face Image by Regularization Models in High-Resolution Feature Space.
TIP,,2018,External Prior Guided Internal Prior Learning for Real-World Noisy Image Denoising.
TIP,,2018,Nonlinear Low-Rank Matrix Completion for Human Motion Recovery.
TIP,,2018,Road Surface 3D Reconstruction Based on Dense Subpixel Disparity Map Estimation.
TIP,,2018,Effective Sequential Classifier Training for SVM-Based Multitemporal Remote Sensing Image Classification.
TIP,,2018,Deep Spatiality: Unsupervised Learning of Spatially-Enhanced Global and Local 3D Features by Deep Neural Network With Coupled Softmax.
TIP,,2018,DesnowNet: Context-Aware Deep Network for Snow Removal.
TIP,,2018,P2T: Part-to-Target Tracking via Deep Regression Learning.
TIP,,2018,Temporally Coherent 3D Point Cloud Video Segmentation in Generic Scenes.
TIP,,2018,HEVC-EPIC: Fast Optical Flow Estimation From Coded Video via Edge-Preserving Interpolation.
TIP,,2018,SVD-Based Tensor-Completion Technique for Background Initialization.
TIP,,2018,Minimizing Reconstruction Bias Hashing via Joint Projection Learning and Quantization.
TIP,,2018,Adaptive Residual Networks for High-Quality Image Restoration.
TIP,,2018,Visual Navigation Using Projection of Spatial Right-Angle In Indoor Environment.
TIP,,2018,Learning-Based Just-Noticeable-Quantization- Distortion Modeling for Perceptual Video Coding.
TIP,,2018,Towards a Closed Form Second-Order Natural Scene Statistics Model.
TIP,,2018,Self-Supervised Video Hashing With Hierarchical Binary Auto-Encoder.
TIP,,2018,Prior-Based Quantization Bin Matching for Cloud Storage of JPEG Images.
TIP,,2018,Fully Connected Network-Based Intra Prediction for Image Coding.
TIP,,2018,Manifold-Based Visual Object Counting.
TIP,,2018,A Deep Spatial Contextual Long-Term Recurrent Convolutional Network for Saliency Detection.
TIP,,2018,Vehicle Re-Identification by Deep Hidden Multi-View Inference.
TIP,,2018,Automatic Depth Extraction from 2D Images Using a Cluster-Based Learning Framework.
TIP,,2018,Retinal Microaneurysms Detection Using Local Convergence Index Features.
TIP,,2018,Recurrent and Dynamic Models for Predicting Streaming Video Quality of Experience.
TIP,,2018,Joint Denoising/Compression of Image Contours via Shape Prior and Context Tree.
TIP,,2018,SCOM: Spatiotemporal Constrained Optimization for Salient Object Detection.
TIP,,2018,Spectral Reflectance Estimation Using Gaussian Processes and Combination Kernels.
TIP,,2018,Deep Correlated Holistic Metric Learning for Sketch-Based 3D Shape Retrieval.
TIP,,2018,Halftone Image Watermarking by Content Aware Double-Sided Embedding Error Diffusion.
TIP,,2018,An Embarrassingly Simple Approach to Visual Domain Adaptation.
TIP,,2018,Full Scale Regression-Based Injection Coefficients for Panchromatic Sharpening.
TIP,,2018,Learning Temporal Dynamics for Video Super-Resolution: A Deep Learning Approach.
TIP,,2018,Towards Optimal Denoising of Image Contrast.
TIP,,2018,Spatio-Temporal Attention-Based LSTM Networks for 3D Action Recognition and Detection.
TIP,,2018,Learning View-Specific Deep Networks for Person Re-Identification.
TIP,,2018,Retina-Inspired Filter.
TIP,,2018,Region-Adaptive Deformable Registration of CT/MRI Pelvic Images via Learning-Based Image Synthesis.
TIP,,2018,Extracting the Principal Shape Components via Convex Programming.
TIP,,2018,IPST: Incremental Pictorial Structures for Model-Free Tracking of Deformable Objects.
TIP,,2018,Paxel: A Generic Framework to Superimpose High-Frequency Print Patterns Using Projected Light.
TIP,,2018,Permuted Coordinate-Wise Optimizations Applied to Lp-Regularized Image Deconvolution.
TIP,,2018,Depth Super-Resolution on RGB-D Video Sequences With Large Displacement 3D Motion.
TIP,,2018,Benchmark Data Set and Method for Depth Estimation From Light Field Images.
TIP,,2018,MCast: High-Quality Linear Video Transmission With Time and Frequency Diversities.
TIP,,2018,Convolutional Regression for Visual Tracking.
TIP,,2018,Improved Bilateral Texture Filtering With Edge-Aware Measurement.
TIP,,2018,Novel Efficient 3D Short-Range Imaging Algorithms for a Scanning 1D-MIMO Array.
TIP,,2018,Vehicle Tracking in Wide Area Motion Imagery via Stochastic Progressive Association Across Multiple Frames.
TIP,,2018,Action-Attending Graphic Neural Network.
TIP,,2018,TextBoxes++: A Single-Shot Oriented Scene Text Detector.
TIP,,2018,Progressive Hard-Mining Network for Monocular Depth Estimation.
TIP,,2018,Too Far to See? Not Really! - Pedestrian Detection With Scale-Aware Localization Policy.
TIP,,2018,Subspace Clustering via Learning an Adaptive Low-Rank Graph.
TIP,,2018,Image Segmentation for Intensity Inhomogeneity in Presence of High Noise.
TIP,,2018,PaMM: Pose-Aware Multi-Shot Matching for Improving Person Re-Identification.
TIP,,2018,Globally Variance-Constrained Sparse Representation and Its Application in Image Set Coding.
TIP,,2018,Toward the Repeatability and Robustness of the Local Reference Frame for 3D Shape Matching: An Evaluation.
TIP,,2018,Single-Image Super-Resolution Based on Rational Fractal Interpolation.
TIP,,2018,Video Synopsis in Complex Situations.
TIP,,2018,High-Order Model and Dynamic Filtering for Frame Rate Up-Conversion.
TIP,,2018,Residual Highway Convolutional Neural Networks for in-loop Filtering in HEVC.
TIP,,2018,Denoising of Microscopy Images: A Review of the State-of-the-Art, and a New Sparsity-Based Method.
TIP,,2018,Structure-Aware Local Sparse Coding for Visual Tracking.
TIP,,2018,Constrained Optimization for Plane-Based Stereo.
TIP,,2018,3D Randomized Connection Network With Graph-Based Label Inference.
TIP,,2018,Triplet-Based Deep Hashing Network for Cross-Modal Retrieval.
TIP,,2018,The Visual Word Booster: A Spatial Layout of Words Descriptor Exploiting Contour Cues.
TIP,,2018,A Fusion Framework for Camouflaged Moving Foreground Detection in the Wavelet Domain.
TIP,,2018,Digital Affine Shear Filter Banks With 2-Layer Structure and Their Applications in Image Processing.
TIP,,2018,Cubature Split Covariance Intersection Filter-Based Point Set Registration.
TIP,,2018,Plenoptic Image Coding Using Macropixel-Based Intra Prediction.
TIP,,2018,Multi-Instance Dynamic Ordinal Random Fields for Weakly Supervised Facial Behavior Analysis.
TIP,,2018,Enhanced Cross-Component Linear Model for Chroma Intra-Prediction in Video Coding.
TIP,,2018,NIMA: Neural Image Assessment.
TIP,,2018,Improved Random Forest for Classification.
TIP,,2018,Segmentation in Weakly Labeled Videos via a Semantic Ranking and Optical Warping Network.
TIP,,2018,Multispectral Image Restoration via Inter- and Intra-Block Sparse Estimation Based on Physically-Induced Joint Spatiospectral Structures.
TIP,,2018,Heteroscedastic Max-Min Distance Analysis for Dimensionality Reduction.
TIP,,2018,Perceptual Adversarial Networks for Image-to-Image Transformation.
TIP,,2018,Visual Saliency Prediction Using a Mixture of Deep Neural Networks.
TIP,,2018,Discriminative Transfer Learning for General Image Restoration.
TIP,,2018,Superpixel Segmentation Using Gaussian Mixture Model.
TIP,,2018,Fusing Hyperspectral and Multispectral Images via Coupled Sparse Tensor Factorization.
TIP,,2018,Deep Monocular Depth Estimation via Integration of Global and Local Predictions.
TIP,,2018,Minimum Spanning Forest With Embedded Edge Inconsistency Measurement Model for Guided Depth Map Enhancement.
TIP,,2018,Moiré Photo Restoration Using Multiresolution Convolutional Neural Networks.
TIP,,2018,Effective Sampling: Fast Segmentation Using Robust Geometric Model Fitting.
TIP,,2018,Efficient Intra Mode Selection for Depth-Map Coding Utilizing Spatiotemporal, Inter-Component and Inter-View Correlations in 3D-HEVC.
TIP,,2018,Geometry-Consistent Light Field Super-Resolution via Graph-Based Regularization.
TIP,,2018,Multi-Task Learning for Blind Source Separation.
TIP,,2018,SPSIM: A Superpixel-Based Similarity Index for Full-Reference Image Quality Assessment.
TIP,,2018,Exploring Weakly Labeled Images for Video Object Segmentation With Submodular Proposal Selection.
TIP,,2018,Domain Invariant and Class Discriminative Feature Learning for Visual Domain Adaptation.
TIP,,2018,LFNet: A Novel Bidirectional Recurrent Convolutional Neural Network for Light-Field Image Super-Resolution.
TIP,,2018,Multi-Organ Plant Classification Based on Convolutional and Recurrent Neural Networks.
TIP,,2018,A Winner-Take-All Strategy for Improved Object Tracking.
TIP,,2018,None
TIP,,2018,A Variational Pansharpening Approach Based on Reproducible Kernel Hilbert Space and Heaviside Function.
TIP,,2018,Multi-Modal Joint Clustering With Application for Unsupervised Attribute Discovery.
TIP,,2018,Gabor Convolutional Networks.
TIP,,2018,Recursive Texture Orientation Estimation Based on Space Transformation and Hypersurface Reconstruction.
TIP,,2018,Beyond Joints: Learning Representations From Primitive Geometries for Skeleton-Based Action Recognition and Detection.
TIP,,2018,Image Haze Removal via Reference Retrieval and Scene Prior.
TIP,,2018,Cross-Paced Representation Learning With Partial Curricula for Sketch-Based Image Retrieval.
TIP,,2018,Robust 3D Hand Pose Estimation From Single Depth Images Using Multi-View CNNs.
TIP,,2018,Joint Hypergraph Learning for Tag-Based Image Retrieval.
TIP,,2018,Deep Constrained Siamese Hash Coding Network and Load-Balanced Locality-Sensitive Hashing for Near Duplicate Image Detection.
TIP,,2018,Blurriness-Guided Unsharp Masking.
TIP,,2018,Visual Tracking With Weighted Adaptive Local Sparse Appearance Model via Spatio-Temporal Context Learning.
TIP,,2018,Object-Location-Aware Hashing for Multi-Label Image Retrieval via Automatic Mask Learning.
TIP,,2018,Simultaneously Discovering and Localizing Common Objects in Wild Images.
TIP,,2018,A Gabor Feature-Based Quality Assessment Model for the Screen Content Images.
TIP,,2018,Find Who to Look at: Turning From Action to Saliency.
TIP,,2018,An Unsupervised Game-Theoretic Approach to Saliency Detection.
TIP,,2018,A Frequency Domain SIM Reconstruction Algorithm Using Reduced Number of Images.
TIP,,2018,From Focal Stack to Tensor Light-Field Display.
TIP,,2018,Interacting Tracklets for Multi-Object Tracking.
TIP,,2018,Learning a Patch Quality Comparator for Single Image Dehazing.
TIP,,2018,FFDNet: Toward a Fast and Flexible Solution for CNN-Based Image Denoising.
TIP,,2018,LAPSE: Low-Overhead Adaptive Power Saving and Contrast Enhancement for OLEDs.
TIP,,2018,Image Super-Resolution With Parametric Sparse Model Learning.
TIP,,2018,Landmark Free Face Attribute Prediction.
TIP,,2018,Edge Information Diffusion-Based Reconstruction for Cone Beam Computed Laminography.
TIP,,2018,Learning Depth From Single Images With Deep Neural Network Embedding Focal Length.
TIP,,2018,Mutual Learning Between Saliency and Similarity: Image Cosegmentation via Tree Structured Sparsity and Tree Graph Matching.
TIP,,2018,Action Recognition From Arbitrary Views Using Transferable Dictionary Learning.
TIP,,2018,Eye Fixation Assisted Video Saliency Detection via Total Variation-Based Pairwise Interaction.
TIP,,2018,Embedding Visual Hierarchy With Deep Networks for Large-Scale Visual Recognition.
TIP,,2018,3D Face Reconstruction With Geometry Details From a Single Image.
TIP,,2018,Grid-Free Localization Algorithm Using Low-Rank Hankel Matrix for Super-Resolution Microscopy.
TIP,,2018,Fight Recognition in Video Using Hough Forests and 2D Convolutional Neural Network.
TIP,,2018,Optimized Pre-Compensating Compression.
TIP,,2018,Robust Foreground Estimation via Structured Gaussian Scale Mixture Modeling.
TIP,,2018,Fried Binary Embedding: From High-Dimensional Visual Features to High-Dimensional Binary Codes.
TIP,,2018,Superpixel Hierarchy.
TIP,,2018,Scalable Online Convolutional Sparse Coding.
TIP,,2018,IPAD: Intensity Potential for Adaptive De-Quantization.
TIP,,2018,Glass Reflection Removal Using Co-Saliency-Based Image Alignment and Low-Rank Matrix Completion in Gradient Domain.
TIP,,2018,Accurate Light Field Depth Estimation With Superpixel Regularization Over Partially Occluded Regions.
TIP,,2018,Luminance Enhancement and Detail Preservation of Images and Videos Adapted to Ambient Illumination.
TIP,,2018,USEAQ: Ultra-Fast Superpixel Extraction via Adaptive Sampling From Quantized Regions.
TIP,,2018,Corrections to "Dynamic Video Stitching via Shakiness Removing".
TIP,,2018,Sequential Video VLAD: Training the Aggregation Locally and Temporally.
TIP,,2018,Retrieval Oriented Deep Feature Learning With Complementary Supervision Mining.
TIP,,2018,Robust Object Tracking via Local Sparse Appearance Model.
TIP,,2018,Robust Multi-Frame Super-Resolution Based on Spatially Weighted Half-Quadratic Estimation and Adaptive BTV Regularization.
TIP,,2018,Hybrid All Zero Soft Quantized Block Detection for HEVC.
TIP,,2018,Video Salient Object Detection Using Spatiotemporal Deep Features.
TIP,,2018,LATE: A Level-Set Method Based on Local Approximation of Taylor Expansion for Segmenting Intensity Inhomogeneous Images.
TIP,,2018,Composing Semantic Collage for Image Retargeting.
TIP,,2018,Reducing Complexity of HEVC: A Deep Learning Approach.
TIP,,2018,Context-Dependent Random Walk Graph Kernels and Tree Pattern Graph Matching Kernels With Applications to Action Recognition.
TIP,,2018,Structured AutoEncoders for Subspace Clustering.
TIP,,2018,Reversible Data Hiding Under Inconsistent Distortion Metrics.
TIP,,2018,Leveraging Expert Feature Knowledge for Predicting Image Aesthetics.
TIP,,2018,Quality Assessment of Screen Content Images via Convolutional-Neural-Network-Based Synthetic/Natural Segmentation.
TIP,,2018,MIO-TCD: A New Benchmark Dataset for Vehicle Classification and Localization.
TIP,,2018,Predicting Human Eye Fixations via an LSTM-Based Saliency Attentive Model.
TIP,,2018,Deep Blur Mapping: Exploiting High-Level Semantics by Deep Neural Networks.
TIP,,2018,Exemplar-Aided Salient Object Detection via Joint Latent Space Embedding.
TIP,,2018,Single Image Dehazing With Depth-Aware Non-Local Total Variation Regularization.
TIP,,2018,Adaptive Curvature-Guided Image Filtering for Structure + Texture Image Decomposition.
TIP,,2018,Semi-supervised Deep Domain Adaptation via Coupled Neural Networks.
TIP,,2018,A Simple Measure for Acuity in Medical Images.
TIP,,2018,Photo Realistic Image Completion via Dense Correspondence.
TIP,,2018,Structurally Incoherent Low-Rank Nonnegative Matrix Factorization for Image Classification.
TIP,,2018,Low-Rank Sparse Preserving Projections for Dimensionality Reduction.
TIP,,2018,Information Fusion for Human Action Recognition via Biset/Multiset Globality Locality Preserving Canonical Correlation Analysis.
TIP,,2018,Dynamic Match Kernel With Deep Convolutional Features for Image Retrieval.
TIP,,2018,Recognition From Web Data: A Progressive Filtering Approach.
TIP,,2018,Low-Rank Matrix Recovery Via Robust Outlier Estimation.
TIP,,2018,Efficient Recovery of Essential Matrix From Two Affine Correspondences.
TIP,,2018,Cross-View Discriminative Feature Learning for Person Re-Identification.
TIP,,2018,Vision-Based Parking-Slot Detection: A DCNN-Based Approach and a Large-Scale Benchmark Dataset.
TIP,,2018,Convolutional Neural Network-Based Synthesized View Quality Enhancement for 3D Video Coding.
TIP,,2018,Hadamard Coding for Supervised Discrete Hashing.
TIP,,2018,Robust Single-Shot Fringe Projection Profilometry Based on Morphological Component Analysis.
TIP,,2018,Multi-Oriented and Multi-Lingual Scene Text Detection With Direct Regression.
TIP,,2018,Deep Visual Discomfort Predictor for Stereoscopic 3D Images.
TIP,,2018,Opinion-Unaware Blind Quality Assessment of Multiply and Singly Distorted Images via Distortion Parameter Estimation.
TIP,,2018,Recovery of Lost Color and Depth Frames in Multiview Videos.
TIP,,2018,Color Contrast-Preserving Decolorization.
TIP,,2018,A Robust Edge Detection Approach in the Presence of High Impulse Noise Intensity Through Switching Adaptive Median and Fixed Weighted Mean Filtering.
TIP,,2018,Building Descriptors From Local Feature Neighborhoods for Applications in Semi-Dense 3D Reconstruction.
TIP,,2018,Subpixel Edge Localization Based on Adaptive Weighting of Gradients.
TIP,,2018,Attentive Linear Transformation for Image Captioning.
TIP,,2018,Machine Learning-Based Fast Angular Prediction Mode Decision Technique in Video Coding.
TIP,,2018,Hyperspectral Image Super-Resolution With a Mosaic RGB Image.
TIP,,2018,Quality Robust Mixtures of Deep Neural Networks.
TIP,,2018,A Better Way to Attend: Attention With Trees for Video Question Answering.
TIP,,2018,Spontaneous Expression Recognition Using Universal Attribute Model.
TIP,,2018,Modality-Specific Cross-Modal Similarity Measurement With Recurrent Attention Network.
TIP,,2018,Video Captioning by Adversarial LSTM.
TIP,,2018,Fast Piecewise-Affine Motion Estimation Without Segmentation.
TIP,,2018,Self-Similarity Constrained Sparse Representation for Hyperspectral Image Super-Resolution.
TIP,,2018,Investigating Nuisances in DCNN-Based Face Recognition.
TIP,,2018,A Unified Approach for Conventional Zero-Shot, Generalized Zero-Shot, and Few-Shot Learning.
TIP,,2018,None
TIP,,2018,Video-Based Person Re-Identification by Simultaneously Learning Intra-Video and Inter-Video Distance Metrics.
TIP,,2018,Adaptive Effective Wiener Filter- and Regression-Based Upsampling for Asymmetric Resolution Stereoscopic Video Coding.
TIP,,2018,Class-Aware Fully Convolutional Gaussian and Poisson Denoising.
TIP,,2018,Weighted Large Margin Nearest Center Distance-Based Human Depth Recovery With Limited Bandwidth Consumption.
TIP,,2018,Image Stacks as Parametric Surfaces: Application to Image Registration.
TIP,,2018,Contour-Seed Pairs Learning-Based Framework for Simultaneously Detecting and Segmenting Various Overlapping Cells/Nuclei in Microscopy Images.
TIP,,2018,Binary Codification Design for Compressive Imaging by Uniform Sensing.
TIP,,2018,Image Retargeting via Beltrami Representation.
TIP,,2018,STAR: A Segmentation-Based Approximation of Point-Based Sampling Milano Retinex for Color Image Enhancement.
TIP,,2018,Generative Model With Coordinate Metric Learning for Object Recognition Based on 3D Models.
TIP,,2018,Learning to Segment Object Candidates via Recursive Neural Networks.
TIP,,2018,Joint Video Object Discovery and Segmentation by Coupled Dynamic Markov Networks.
TIP,,2018,BiggerSelfie: Selfie Video Expansion With Hand-Held Camera.
TIP,,2018,Co-Salient Object Detection Based on Deep Saliency Networks and Seed Propagation Over an Integrated Graph.
TIP,,2018,Automatic Segmentation of Retinal Layer in OCT Images With Choroidal Neovascularization.
TIP,,2018,Estimating Depth-Salient Edges and Its Application to Stereoscopic Image Quality Assessment.
TIP,,2018,Single Image Super-Resolution via Multiple Mixture Prior Models.
TIP,,2018,Hierarchical Extended Bilateral Motion Estimation-Based Frame Rate Upconversion Using Learning-Based Linear Mapping.
TIP,,2018,3D Active Vessel Tracking Using an Elliptical Prior.
TIP,,2018,Metric Driven Classification: A Non-Parametric Approach Based on the Henze-Penrose Test Statistic.
TIP,,2018,Inductive Multi-Hypergraph Learning and Its Application on View-Based 3D Object Classification.
TIP,,2018,Exploiting Clustering Manifold Structure for Hyperspectral Imagery Super-Resolution.
TIP,,2018,An Efficient and Robust Framework for SAR Target Recognition by Hierarchically Fusing Global and Local Features.
TIP,,2018,Deep Discrete Supervised Hashing.
TIP,,2018,Efficient and Robust Direct Image Registration Based on Joint Geometric and Photometric Lie Algebra.
TIP,,2018,A Deep Multi-Modal CNN for Multi-Instance Multi-Label Image Classification.
TIP,,2018,Modeling the Perceptual Quality of Immersive Images Rendered on Head Mounted Displays: Resolution and Compression.
TIP,,2018,Full-Reference Stability Assessment of Digital Video Stabilization Based on Riemannian Metric.
TIP,,2018,Backtracking Spatial Pyramid Pooling-Based Image Classifier for Weakly Supervised Top-Down Salient Object Detection.
TIP,,2018,Chaotic Sensing.
TIP,,2018,Robust and Fast Decoding of High-Capacity Color QR Codes for Mobile Applications.
TIP,,2018,Image Provenance Analysis at Scale.
TIP,,2018,Assessing Image Retrieval Quality at the First Glance.
TIP,,2018,Quality-of-Experience for Adaptive Streaming Videos: An Expectation Confirmation Theory Motivated Approach.
TIP,,2018,Jointly Sparse Hashing for Image Retrieval.
TIP,,2018,Efficient Correlation Tracking via Center-Biased Spatial Regularization.
TIP,,2018,Multi-Resolution Compressive Spectral Imaging Reconstruction From Single Pixel Measurements.
TIP,,2017,Robust Arbitrary-View Gait Recognition Based on 3D Partial Similarity Matching.
TIP,,2017,Person Re-Identification via Distance Metric Learning With Latent Variables.
TIP,,2017,Graph-Driven Diffusion and Random Walk Schemes for Image Segmentation.
TIP,,2017,Discovering Diverse Subset for Unsupervised Hyperspectral Band Selection.
TIP,,2017,Single-Scale Fusion: An Effective Approach to Merging Images.
TIP,,2017,Global Hashing System for Fast Image Search.
TIP,,2017,Single Image Super-Resolution via Adaptive High-Dimensional Non-Local Total Variation and Adaptive Geometric Feature.
TIP,,2017,Sequential Discrete Hashing for Scalable Cross-Modality Similarity Retrieval.
TIP,,2017,Depth Map Restoration From Undersampled Data.
TIP,,2017,Friend or Foe: Fine-Grained Categorization With Weak Supervision.
TIP,,2017,Radiometric Compensation of Images Projected on Non-White Surfaces by Exploiting Chromatic Adaptation and Perceptual Anchoring.
TIP,,2017,Removal of Canvas Patterns in Digital Acquisitions of Paintings.
TIP,,2017,A Marked Poisson Process Driven Latent Shape Model for 3D Segmentation of Reflectance Confocal Microscopy Image Stacks of Human Skin.
TIP,,2017,Adaptive Greedy Dictionary Selection for Web Media Summarization.
TIP,,2017,LEGO-MM: LEarning Structured Model by Probabilistic loGic Ontology Tree for MultiMedia.
TIP,,2017,Toward More Accurate Iris Recognition Using Cross-Spectral Matching.
TIP,,2017,Power Distortion Optimization for Uncoded Linear Transformed Transmission of Images and Videos.
TIP,,2017,A Reliable Order-Statistics-Based Approximate Nearest Neighbor Search Algorithm.
TIP,,2017,Fast Bilateral Filtering for Denoising Large 3D Images.
TIP,,2017,A Data-Driven Point Cloud Simplification Framework for City-Scale Image-Based Localization.
TIP,,2017,Weakly Supervised Deep Matrix Factorization for Social Image Understanding.
TIP,,2017,Hierarchical Representation Learning for Kinship Verification.
TIP,,2017,Steerable Discrete Cosine Transform.
TIP,,2017,Robust Color Guided Depth Map Restoration.
TIP,,2017,Content-Adaptive Sketch Portrait Generation by Decompositional Representation Learning.
TIP,,2017,Nonlinear Unmixing of Hyperspectral Data With Vector-Valued Kernel Functions.
TIP,,2017,Latent Semantic Minimal Hashing for Image Retrieval.
TIP,,2017,Learning to Detect Video Saliency With HEVC Features.
TIP,,2017,A Bottom-Up Approach for Pancreas Segmentation Using Cascaded Superpixels and (Deep) Image Patch Labeling.
TIP,,2017,Adaptive Progressive Motion Vector Resolution Selection Based on Rate-Distortion Optimization.
TIP,,2017,Co-Bootstrapping Saliency.
TIP,,2017,Toward a Sparse Bayesian Markov Random Field Approach to Hyperspectral Unmixing and Classification.
TIP,,2017,Efficient Photometric Stereo Using Kernel Regression.
TIP,,2017,Elastic Net Hypergraph Learning for Image Clustering and Semi-Supervised Classification.
TIP,,2017,Data-Driven Synthesis of Cartoon Faces Using Different Styles.
TIP,,2017,Rate Allocation in Predictive Video Coding Using a Convex Optimization Framework.
TIP,,2017,Fast Bayesian JPEG Decompression and Denoising With Tight Frame Priors.
TIP,,2017,Random Walk Graph Laplacian-Based Smoothness Prior for Soft Decoding of JPEG Images.
TIP,,2017,Depth-Guided Disocclusion Inpainting of Synthesized RGB-D Images.
TIP,,2017,A Parallel Proximal Algorithm for Anisotropic Total Variation Minimization.
TIP,,2017,Texture Reconstruction Guided by a High-Resolution Patch.
TIP,,2017,The Shape Interaction Matrix-Based Affine Invariant Mismatch Removal for Partial-Duplicate Image Search.
TIP,,2017,Context Tree-Based Image Contour Coding Using a Geometric Prior.
TIP,,2017,Planelets - A Piecewise Linear Fractional Model for Preserving Scene Geometry in Intra-Coding of Indoor Depth Images.
TIP,,2017,Fast Physically Correct Refocusing for Sparse Light Fields Using Block-Based Multi-Rate View Interpolation.
TIP,,2017,A Context-Driven Extractive Framework for Generating Realistic Image Descriptions.
TIP,,2017,A Joint Compression Scheme of Video Feature Descriptors and Visual Content.
TIP,,2017,Flexible Multi-View Dimensionality Co-Reduction.
TIP,,2017,Robust Transfer Metric Learning for Image Classification.
TIP,,2017,Stereo Object Proposals.
TIP,,2017,A Non-Greedy Algorithm for L1-Norm LDA.
TIP,,2017,Affine Covariant Features for Fisheye Distortion Local Modeling.
TIP,,2017,Structure-From-Motion in Spherical Video Using the von Mises-Fisher Distribution.
TIP,,2017,Moving Object Detection Using Tensor-Based Low-Rank and Saliently Fused-Sparse Decomposition.
TIP,,2017,Sparse Canonical Temporal Alignment With Deep Tensor Decomposition for Action Recognition.
TIP,,2017,Multi-Modal Dictionary Learning for Image Separation With Application in Art Investigation.
TIP,,2017,Sparse Representation-Based Multiple Frame Video Super-Resolution.
TIP,,2017,Sparsity-Based Image Error Concealment via Adaptive Dual Dictionary Learning and Regularization.
TIP,,2017,Adaptive Cascade Regression Model For Robust Face Alignment.
TIP,,2017,Locally Supervised Deep Hybrid Model for Scene Recognition.
TIP,,2017,Automatic Refinement Strategies for Manual Initialization of Object Trackers.
TIP,,2017,Exploiting Depth From Single Monocular Images for Object Detection and Semantic Segmentation.
TIP,,2017,Tree Structure Sparsity Pattern Guided Convex Optimization for Compressive Sensing of Large-Scale Images.
TIP,,2017,Turning Diffusion-Based Image Colorization Into Efficient Color Compression.
TIP,,2017,Automatic Design of High-Sensitivity Color Filter Arrays With Panchromatic Pixels.
TIP,,2017,Modality-Invariant Image Classification Based on Modality Uniqueness and Dictionary Learning.
TIP,,2017,Guided Wavelet Shrinkage for Edge-Aware Smoothing.
TIP,,2017,Image Quality Assessment Based on Local Linear Information and Distortion-Specific Compensation.
TIP,,2017,ORGM: Occlusion Relational Graphical Model for Human Pose Estimation.
TIP,,2017,Generalizing Mumford-Shah Model for Multiphase Piecewise Smooth Image Segmentation.
TIP,,2017,Adaptive Multispectral Demosaicking Based on Frequency-Domain Analysis of Spectral Correlation.
TIP,,2017,Manifold Regularized Experimental Design for Active Learning.
TIP,,2017,LIME: Low-Light Image Enhancement via Illumination Map Estimation.
TIP,,2017,Pairwise Operator Learning for Patch-Based Single-Image Super-Resolution.
TIP,,2017,Waterloo Exploration Database: New Challenges for Image Quality Assessment Models.
TIP,,2017,Noise Level Estimation for Natural Images Based on Scale-Invariant Kurtosis and Piecewise Stationarity.
TIP,,2017,A New Intrinsic-Lighting Color Space for Daytime Outdoor Images.
TIP,,2017,Fast and Exact Newton and Bidirectional Fitting of Active Appearance Models.
TIP,,2017,Haze Removal Using the Difference- Structure-Preservation Prior.
TIP,,2017,Perceptual Image Fusion Using Wavelets.
TIP,,2017,Indoor Scene Reconstruction Using Near-Light Photometric Stereo.
TIP,,2017,A Robust and Efficient Approach to License Plate Detection.
TIP,,2017,Bayesian Contrast Measures and Clutter Distribution Determinants of Human Target Detection.
TIP,,2017,Detection of Stationary Foreground Objects Using Multiple Nonparametric Background-Foreground Models on a Finite State Machine.
TIP,,2017,A Maximum a Posteriori Estimation Framework for Robust High Dynamic Range Video Synthesis.
TIP,,2017,Reconstruction of Structurally-Incomplete Matrices With Reweighted Low-Rank and Sparsity Priors.
TIP,,2017,Bilevel Model-Based Discriminative Dictionary Learning for Recognition.
TIP,,2017,Multiresolution Subdivision Snakes.
TIP,,2017,Perceptual Depth Quality in Distorted Stereoscopic Images.
TIP,,2017,None
TIP,,2017,Progressive Shape-Distribution-Encoder for Learning 3D Shape Representation.
TIP,,2017,Detail-Enhanced Multi-Scale Exposure Fusion.
TIP,,2017,Spatio-Temporal Closed-Loop Object Detection.
TIP,,2017,Bayesian Face Sketch Synthesis.
TIP,,2017,Study of Saliency in Objective Video Quality Assessment.
TIP,,2017,Learning Short Binary Codes for Large-scale Image Retrieval.
TIP,,2017,Single Image Super-Resolution Using Global Regression Based on Multiple Local Linear Mappings.
TIP,,2017,Geometry Guided Multi-Scale Depth Map Fusion via Graph Optimization.
TIP,,2017,Asymmetrically Compressed Stereoscopic 3D Videos: Quality Assessment and Rate-Distortion Performance Evaluation.
TIP,,2017,Learning to Hash With Optimized Anchor Embedding for Scalable Retrieval.
TIP,,2017,Fast Threshold Image Segmentation Based on 2D Fuzzy Fisher and Random Local Optimized QPSO.
TIP,,2017,Super-Resolution Person Re-Identification With Semi-Coupled Low-Rank Discriminant Dictionary Learning.
TIP,,2017,Non-Additive Imprecise Image Super-Resolution in a Semi-Blind Context.
TIP,,2017,Effective Multi-Query Expansions: Collaborative Deep Networks for Robust Landmark Retrieval.
TIP,,2017,Diffeomorphic Multi-Frame Non-Rigid Registration of Cell Nuclei in 2D and 3D Live Cell Images.
TIP,,2017,Object-Based Multiple Foreground Segmentation in RGBD Video.
TIP,,2017,Robust Head-Pose Estimation Based on Partially-Latent Mixture of Linear Regressions.
TIP,,2017,Data-Driven Affine Deformation Estimation and Correction in Cone Beam Computed Tomography.
TIP,,2017,A Robust Wrap Reduction Algorithm for Fringe Projection Profilometry and Applications in Magnetic Resonance Imaging.
TIP,,2017,Discriminative Elastic-Net Regularized Linear Regression.
TIP,,2017,Deep Aesthetic Quality Assessment With Semantic Information.
TIP,,2017,Quality Assessment of Sharpened Images: Challenges, Methodology, and Objective Metrics.
TIP,,2017,Scene Text Detection and Segmentation Based on Cascaded Convolution Neural Networks.
TIP,,2017,Biologically Inspired Motion Encoding for Robust Global Motion Estimation.
TIP,,2017,Appearance-Based Gaze Estimation via Uncalibrated Gaze Pattern Recovery.
TIP,,2017,None
TIP,,2017,Improved Denoising via Poisson Mixture Modeling of Image Sensor Noise.
TIP,,2017,Underwater Image Restoration Based on Image Blurriness and Light Absorption.
TIP,,2017,Gamut Extension for Cinema.
TIP,,2017,Robust Neighborhood Preserving Projection by Nuclear/L2, 1-Norm Regularization for Image Feature Extraction.
TIP,,2017,Comments on "Steganography Using Reversible Texture Synthesis".
TIP,,2017,Steerable Wavelet Machines (SWM): Learning Moving Frames for Texture Classification.
TIP,,2017,Bounded Self-Weights Estimation Method for Non-Local Means Image Denoising Using Minimax Estimators.
TIP,,2017,Discriminant Context Information Analysis for Post-Ranking Person Re-Identification.
TIP,,2017,Learning Deep Sharable and Structural Detectors for Face Alignment.
TIP,,2017,Graph-Based Transform for 2D Piecewise Smooth Signals With Random Discontinuity Locations.
TIP,,2017,Robust and Discriminative Labeling for Multi-Label Active Learning Based on Maximum Correntropy Criterion.
TIP,,2017,Robust Registration of Dynamic Facial Sequences.
TIP,,2017,Motion-Adaptive Depth Superresolution.
TIP,,2017,Depth Map Super-Resolution Considering View Synthesis Quality.
TIP,,2017,Revealing Event Saliency in Unconstrained Video Collection.
TIP,,2017,Robust Non-Rigid Point Set Registration Using Spatially Constrained Gaussian Fields.
TIP,,2017,Graph Laplacian Regularization for Image Denoising: Analysis in the Continuous Domain.
TIP,,2017,Curvature Filters Efficiently Reduce Certain Variational Energies.
TIP,,2017,Image Quality Assessment Using Directional Anisotropy Structure Measurement.
TIP,,2017,Fuzzy-Contextual Contrast Enhancement.
TIP,,2017,Nonlinear Deep Kernel Learning for Image Annotation.
TIP,,2017,Video Vectorization via Tetrahedral Remeshing.
TIP,,2017,Deep Relative Tracking.
TIP,,2017,Automatic Attribute Profiles.
TIP,,2017,Robust and Dense Depth Estimation for Light Field Images.
TIP,,2017,Stacked Learning to Search for Scene Labeling.
TIP,,2017,3D Solid Texture Classification Using Locally-Oriented Wavelet Transforms.
TIP,,2017,Salient Object Detection via Multiple Instance Learning.
TIP,,2017,HD-MTL: Hierarchical Deep Multi-Task Learning for Large-Scale Visual Recognition.
TIP,,2017,Partial Hash Update via Hamming Subspace Learning.
TIP,,2017,Palette-Based Image Recoloring Using Color Decomposition Optimization.
TIP,,2017,Learning Bases of Activity for Facial Expression Recognition.
TIP,,2017,Weighted Level Set Evolution Based on Local Edge Features for Medical Image Segmentation.
TIP,,2017,Deep-Cascade: Cascading 3D Deep Neural Networks for Fast Anomaly Detection and Localization in Crowded Scenes.
TIP,,2017,Dual Deep Network for Visual Tracking.
TIP,,2017,Objective Quality Assessment of Screen Content Images by Uncertainty Weighting.
TIP,,2017,Weakly Supervised PatchNets: Describing and Aggregating Local Patches for Scene Recognition.
TIP,,2017,Video-Based Pedestrian Re-Identification by Adaptive Spatio-Temporal Appearance Model.
TIP,,2017,Knowledge Guided Disambiguation for Large-Scale Scene Classification With Multi-Resolution CNNs.
TIP,,2017,Heterogeneous Face Recognition: A Common Encoding Feature Discriminant Approach.
TIP,,2017,3D Display Calibration by Visual Pattern Analysis.
TIP,,2017,Aliasing Detection and Reduction Scheme on Angularly Undersampled Light Fields.
TIP,,2017,Efficient Hardware Implementation For Fingerprint Image Enhancement Using Anisotropic Gaussian Filter.
TIP,,2017,Discriminative Training of Deep Fully Connected Continuous CRFs With Task-Specific Loss.
TIP,,2017,Affine Non-Local Means Image Denoising.
TIP,,2017,Hierarchical Latent Concept Discovery for Video Event Detection.
TIP,,2017,Variational Bayesian Approach to Multiframe Image Restoration.
TIP,,2017,Band Selection for Nonlinear Unmixing of Hyperspectral Images as a Maximal Clique Problem.
TIP,,2017,Asynchronous Event-Based Fourier Analysis.
TIP,,2017,Robust and Low-Rank Representation for Fast Face Identification With Occlusions.
TIP,,2017,Geodesic Video Stabilization in Transformation Space.
TIP,,2017,Fast 2D Convolutions and Cross-Correlations Using Scalable Architectures.
TIP,,2017,Hierarchical Image Segmentation Based on Iterative Contraction and Merging.
TIP,,2017,Videography-Based Unconstrained Video Analysis.
TIP,,2017,RGBD Salient Object Detection via Deep Fusion.
TIP,,2017,Robust Nuclear Norm-Based Matrix Regression With Applications to Robust Face Recognition.
TIP,,2017,Low-Complexity Multidimensional DCT Approximations for High-Order Tensor Data Decorrelation.
TIP,,2017,Multi-Image Deblurring Using Complementary Sets of Fluttering Patterns.
TIP,,2017,Specular Reflection Separation With Color-Lines Constraint.
TIP,,2017,Style Transfer Via Texture Synthesis.
TIP,,2017,Deep Hashing for Scalable Image Search.
TIP,,2017,Fast Pixelwise Adaptive Visual Tracking of Non-Rigid Objects.
TIP,,2017,Optimized Color Filter Arrays for Sparse Representation-Based Demosaicking.
TIP,,2017,Unsupervised Simplification of Image Hierarchies via Evolution Analysis in Scale-Sets Framework.
TIP,,2017,Iterative Re-Constrained Group Sparse Face Recognition With Adaptive Weights Learning.
TIP,,2017,Toward a Reliable Collection of Eye-Tracking Data for Image Quality Research: Challenges, Solutions, and Applications.
TIP,,2017,Learning Correspondence Structures for Person Re-Identification.
TIP,,2017,Codebook Guided Feature-Preserving for Recognition-Oriented Image Retargeting.
TIP,,2017,Efficient Tensor Completion for Color Image and Video Recovery: Low-Rank Tensor Train.
TIP,,2017,Joint Reconstruction Strategy for Structured Illumination Microscopy With Unknown Illuminations.
TIP,,2017,Learning Discriminative Binary Codes for Large-scale Cross-modal Retrieval.
TIP,,2017,Object Category Understanding via Eye Fixations on Freehand Sketches.
TIP,,2017,Robust Multi-Exposure Image Fusion: A Structural Patch Decomposition Approach.
TIP,,2017,Blind Deconvolution With Model Discrepancies.
TIP,,2017,Semi-Supervised Sparse Representation Based Classification for Face Recognition With Insufficient Labeled Samples.
TIP,,2017,Color Fringe Correction by the Color Difference Prediction Using the Logistic Function.
TIP,,2017,Fast Unsupervised Bayesian Image Segmentation With Adaptive Spatial Regularisation.
TIP,,2017,Robust Depth-Based Person Re-Identification.
TIP,,2017,Semi-Supervised Multi-View Discrete Hashing for Fast Image Search.
TIP,,2017,Disjunctive Normal Parametric Level Set With Application to Image Segmentation.
TIP,,2017,Ultrasound Image Despeckling Using Stochastic Distance-Based BM3D.
TIP,,2017,Rate-Distortion Optimized Graph-Based Representation for Multiview Images With Complex Camera Configurations.
TIP,,2017,Curl-Constrained Gradient Estimation for Image Recovery From Highly Incomplete Spectral Data.
TIP,,2017,Multilinear Spatial Discriminant Analysis for Dimensionality Reduction.
TIP,,2017,Enhanced Just Noticeable Difference Model for Images With Pattern Complexity.
TIP,,2017,A Precision Analysis of Camera Distortion Models.
TIP,,2017,Blind Facial Image Quality Enhancement Using Non-Rigid Semantic Patches.
TIP,,2017,Multi-Scale Multi-Feature Context Modeling for Scene Recognition in the Semantic Manifold.
TIP,,2017,Robust Object Tracking With Discrete Graph-Based Multiple Experts.
TIP,,2017,The Recognition of the Point Symbols in the Scanned Topographic Maps.
TIP,,2017,GRASS: A Gradient-Based Random Sampling Scheme for Milano Retinex.
TIP,,2017,Analysis of Packet-Loss-Induced Distortion in View Synthesis Prediction-Based 3D Video Coding.
TIP,,2017,Feature Sensitive Label Fusion With Random Walker for Atlas-Based Image Segmentation.
TIP,,2017,Blind Forensics of Successive Geometric Transformations in Digital Images Using Spectral Method: Theory and Applications.
TIP,,2017,Deep Label Distribution Learning With Label Ambiguity.
TIP,,2017,Graph Regularized Auto-Encoders for Image Representation.
TIP,,2017,Scale Invariant and Noise Robust Interest Points With Shearlets.
TIP,,2017,Selective Convolutional Descriptor Aggregation for Fine-Grained Image Retrieval.
TIP,,2017,Energy-Efficient Images.
TIP,,2017,Classification via Sparse Representation of Steerable Wavelet Frames on Grassmann Manifold: Application to Target Recognition in SAR Image.
TIP,,2017,Low-Rank Embedding for Robust Image Feature Extraction.
TIP,,2017,Feature Selection Based on High Dimensional Model Representation for Hyperspectral Images.
TIP,,2017,Dynamical Textures Modeling via Joint Video Dictionary Learning.
TIP,,2017,Clearing the Skies: A Deep Network Architecture for Single-Image Rain Removal.
TIP,,2017,No-Reference Quality Assessment of Tone-Mapped HDR Pictures.
TIP,,2017,Progressive Dictionary Learning With Hierarchical Predictive Structure for Low Bit-Rate Scalable Video Coding.
TIP,,2017,Structured Sparse Subspace Clustering: A Joint Affinity Learning and Subspace Clustering Framework.
TIP,,2017,Sequential Dictionary Learning From Correlated Data: Application to fMRI Data Analysis.
TIP,,2017,Re-Weighted Discriminatively Embedded K-Means for Multi-View Clustering.
TIP,,2017,Deeply Learned View-Invariant Features for Cross-View Action Recognition.
TIP,,2017,Optimization of Camera Arrangement Using Correspondence Field to Improve Depth Estimation.
TIP,,2017,Joint Defogging and Demosaicking.
TIP,,2017,Establishing Keypoint Matches on Multimodal Images With Bootstrap Strategy and Global Information.
TIP,,2017,Facial Age Estimation With Age Difference.
TIP,,2017,Structure-Based Low-Rank Model With Graph Nuclear Norm Regularization for Noise Removal.
TIP,,2017,Discriminative Multi-View Interactive Image Re-Ranking.
TIP,,2017,Robust ImageGraph: Rank-Level Feature Fusion for Image Search.
TIP,,2017,Beyond a Gaussian Denoiser: Residual Learning of Deep CNN for Image Denoising.
TIP,,2017,Video Saliency Detection via Spatial-Temporal Fusion and Low-Rank Coherency Diffusion.
TIP,,2017,Mixed Noise Removal via Laplacian Scale Mixture Modeling and Nonlocal Low-Rank Approximation.
TIP,,2017,Segmenting Multi-Source Images Using Hidden Markov Fields With Copula-Based Multivariate Statistical Distributions.
TIP,,2017,Revisiting Co-Saliency Detection: A Novel Approach Based on Two-Stage Multi-View Spectral Rotation Co-clustering.
TIP,,2017,Learning Multilayer Channel Features for Pedestrian Detection.
TIP,,2017,Correlated Topic Vector for Scene Classification.
TIP,,2017,Tracking Based Multi-Orientation Scene Text Detection: A Unified Framework With Dynamic Programming.
TIP,,2017,Universal Multimode Background Subtraction.
TIP,,2017,A Systematic Approach for Cross-Source Point Cloud Registration by Preserving Macro and Micro Structures.
TIP,,2017,Zero-Shot Learning With Transferred Samples.
TIP,,2017,CodingFlow: Enable Video Coding for Video Stabilization.
TIP,,2017,Semantic Highlight Retrieval and Term Prediction.
TIP,,2017,Linear Spectral Clustering Superpixel.
TIP,,2017,Robust, Efficient Depth Reconstruction With Hierarchical Confidence-Based Matching.
TIP,,2017,Bayesian K-SVD Using Fast Variational Inference.
TIP,,2017,DCT Regularized Extreme Visual Recovery.
TIP,,2017,High-Order Local Pooling and Encoding Gaussians Over a Dictionary of Gaussians.
TIP,,2017,Learning Multi-Instance Deep Discriminative Patterns for Image Classification.
TIP,,2017,Fog Density Estimation and Image Defogging Based on Surrogate Modeling for Optical Depth.
TIP,,2017,Weak Classifier for Density Estimation in Eye Localization and Tracking.
TIP,,2017,Salient Object Detection With Spatiotemporal Background Priors for Video.
TIP,,2017,Multi-Layer Quantization Control for Quality-Constrained H.265/HEVC.
TIP,,2017,Discriminative Nonlinear Analysis Operator Learning: When Cosparse Model Meets Image Classification.
TIP,,2017,Video Anomaly Detection With Compact Feature Sets for Online Performance.
TIP,,2017,Predicting the Quality of Fused Long Wave Infrared and Visible Light Images.
TIP,,2017,End-to-End Comparative Attention Networks for Person Re-Identification.
TIP,,2017,Transform Coding for Point Clouds Using a Gaussian Process Model.
TIP,,2017,A Framework for Classification and Segmentation of Branch Retinal Artery Occlusion in SD-OCT.
TIP,,2017,Textured Image Demoiréing via Signal Decomposition and Guided Filtering.
TIP,,2017,Exemplar-Based Image and Video Stylization Using Fully Convolutional Semantic Features.
TIP,,2017,Single Image Super-Resolution Using Gaussian Process Regression With Dictionary-Based Sampling and Student-t Likelihood.
TIP,,2017,Accelerating Overrelaxed and Monotone Fast Iterative Shrinkage-Thresholding Algorithms With Line Search for Sparse Reconstructions.
TIP,,2017,Discriminative Transformation for Multi-Dimensional Temporal Sequences.
TIP,,2017,Joint Source-Channel Coding of JPEG 2000 Image Transmission Over Two-Way Multi-Relay Networks.
TIP,,2017,Fast Descriptors and Correspondence Propagation for Robust Global Point Cloud Registration.
TIP,,2017,Scalable Image Coding Based on Epitomes.
TIP,,2017,Learning Rotation-Invariant Local Binary Descriptor.
TIP,,2017,A General Framework for Edited Video and Raw Video Summarization.
TIP,,2017,A Fast Ellipse Detector Using Projective Invariant Pruning.
TIP,,2017,Image Reconstruction Using Matched Wavelet Estimated From Data Sensed Compressively Using Partial Canonical Identity Matrix.
TIP,,2017,Improved Recursive Geodesic Distance Computation for Edge Preserving Filter.
TIP,,2017,BoSCC: Bag of Spatial Context Correlations for Spatially Enhanced 3D Shape Representation.
TIP,,2017,Feasible and Robust Optimization Framework for Auxiliary Information Refinement in Spatially-Varying Image Enhancement.
TIP,,2017,Image Re-Ranking Based on Topic Diversity.
TIP,,2017,Weakly Supervised Multimodal Kernel for Categorizing Aerial Photographs.
TIP,,2017,Uncorrelated Component Analysis-Based Hashing.
TIP,,2017,Dynamic Graph Cuts in Parallel.
TIP,,2017,Enhancement of Visual Comfort and Sense of Presence on Stereoscopic 3D Images.
TIP,,2017,Hybrid Laplace Distribution-Based Low Complexity Rate-Distortion Optimized Quantization.
TIP,,2017,Locator-Checker-Scaler Object Tracking Using Spatially Ordered and Weighted Patch Descriptor.
TIP,,2017,A Multi-Objective Decision Making Approach for Solving the Image Segmentation Fusion Problem.
TIP,,2017,Data-Dependent Label Distribution Learning for Age Estimation.
TIP,,2017,Cross-Label Suppression: A Discriminative and Fast Dictionary Learning With Group Regularization.
TIP,,2017,Single Image Rain Streak Decomposition Using Layer Priors.
TIP,,2017,Motion-Compensated Compression of Dynamic Voxelized Point Clouds.
TIP,,2017,Contextual Noise Reduction for Domain Adaptive Near-Duplicate Retrieval on Merchandize Images.
TIP,,2017,Feature Interaction Augmented Sparse Learning for Fast Kinect Motion Detection.
TIP,,2017,Features Classification Forest: A Novel Development that is Adaptable to Robust Blind Watermarking Techniques.
TIP,,2017,A Hierarchical Approach for Rain or Snow Removing in a Single Color Image.
TIP,,2017,dipIQ: Blind Image Quality Assessment by Learning-to-Rank Discriminable Image Pairs.
TIP,,2017,Con-Text: Text Detection for Fine-Grained Object Classification.
TIP,,2017,Contrast Enhancement Based on Intrinsic Image Decomposition.
TIP,,2017,Simultaneous Semi-Coupled Dictionary Learning for Matching in Canonical Space.
TIP,,2017,No-Reference Quality Assessment of Screen Content Pictures.
TIP,,2017,Weakly Supervised Part Proposal Segmentation From Multiple Images.
TIP,,2017,Unsupervised Word Spotting in Historical Handwritten Document Images Using Document-Oriented Local Features.
TIP,,2017,Simultaneous Feature and Dictionary Learning for Image Set Based Face Recognition.
TIP,,2017,None
TIP,,2017,SuperPatchMatch: An Algorithm for Robust Correspondences Using Superpixel Patches.
TIP,,2017,Fast Domain Decomposition for Global Image Smoothing.
TIP,,2017,Convolution Neural Networks With Two Pathways for Image Style Recognition.
TIP,,2017,Illumination Decomposition for Photograph With Multiple Light Sources.
TIP,,2017,Coherent Semantic-Visual Indexing for Large-Scale Image Retrieval in the Cloud.
TIP,,2017,Learning the Personalized Intransitive Preferences of Images.
TIP,,2017,RSCM: Region Selection and Concurrency Model for Multi-Class Weather Recognition.
TIP,,2017,Multimodal Similarity Gaussian Process Latent Variable Model.
TIP,,2017,Label Information Guided Graph Construction for Semi-Supervised Learning.
TIP,,2017,Facial Expression Recognition Based on Deep Evolutional Spatial-Temporal Networks.
TIP,,2017,Depth-Aware Salient Object Detection and Segmentation via Multiscale Discriminative Saliency Fusion and Bootstrap Learning.
TIP,,2017,An Efficient Fusion-Based Defogging.
TIP,,2017,Linear Support Tensor Machine With LSK Channels: Pedestrian Detection in Thermal Infrared Images.
TIP,,2017,300-FPS Salient Object Detection via Minimum Directional Contrast.
TIP,,2017,2D Feature Selection by Sparse Matrix Regression.
TIP,,2017,Discriminative Deep Metric Learning for Face and Kinship Verification.
TIP,,2017,Scalable Multi-View Semi-Supervised Classification via Adaptive Regression.
TIP,,2017,Conditional High-Order Boltzmann Machines for Supervised Relation Learning.
TIP,,2017,Depth Image Inpainting: Improving Low Rank Matrix Completion With Low Gradient Regularization.
TIP,,2017,Unsupervised Sequential Outlier Detection With Deep Architectures.
TIP,,2017,Joint Hierarchical Category Structure Learning and Large-Scale Image Classification.
TIP,,2017,Single and Multiple Illuminant Estimation Using Convolutional Neural Networks.
TIP,,2017,Geometry and Radiometry Invariant Matched Manifold Detection.
TIP,,2017,TMAGIC: A Model-Free 3D Tracker.
TIP,,2017,MuLoG, or How to Apply Gaussian Denoisers to Multi-Channel SAR Speckle Reduction?
TIP,,2017,Direct Pattern Control Halftoning of Neugebauer Primaries.
TIP,,2017,Piecewise Linear Approximation of Vector-Valued Images and Curves via Second-Order Variational Model.
TIP,,2017,An Embedded Marked Point Process Framework for Three-Level Object Population Analysis.
TIP,,2017,DeepFix: A Fully Convolutional Neural Network for Predicting Human Eye Fixations.
TIP,,2017,Temporally Dependent Rate-Distortion Optimization for Low-Delay Hierarchical Video Coding.
TIP,,2017,Nested Conjugate Gradient Algorithm With Nested Preconditioning for Non-Linear Image Restoration.
TIP,,2017,Palmprint Recognition Based on Complete Direction Representation.
TIP,,2017,A Novel Fast Tensor-Based Preconditioner for Image Restoration.
TIP,,2017,Deep Convolutional Neural Network for Inverse Problems in Imaging.
TIP,,2017,Alpha Matting With KL-Divergence-Based Sparse Sampling.
TIP,,2017,Hierarchical Contour Closure-Based Holistic Salient Object Detection.
TIP,,2017,A Closed-Form Solution to Single Underwater Camera Calibration Using Triple Wavelength Dispersion and Its Application to Single Camera 3D Reconstruction.
TIP,,2017,Face Hallucination Using Linear Models of Coupled Sparse Support.
TIP,,2017,Structured Kernel Dictionary Learning With Correlation Constraint for Object Recognition.
TIP,,2017,Derivative Kernels: Numerics and Applications.
TIP,,2017,Multi-Label Classification by Semi-Supervised Singular Value Decomposition.
TIP,,2017,Joint Chroma Subsampling and Distortion-Minimization-Based Luma Modification for RGB Color Images With Application.
TIP,,2017,High-Quality Parallel-Ray X-Ray CT Back Projection Using Optimized Interpolation.
TIP,,2017,Action Recognition Using 3D Histograms of Texture and A Multi-Class Boosting Classifier.
TIP,,2017,Robust Face Recognition With Kernelized Locality-Sensitive Group Sparsity Representation.
TIP,,2017,Track Everything: Limiting Prior Knowledge in Online Multi-Object Recognition.
TIP,,2017,Visual Attention Modeling for Stereoscopic Video: A Benchmark and Computational Model.
TIP,,2017,Gaussian Process Domain Experts for Modeling of Facial Affect.
TIP,,2017,Diversity-Aware Multi-Video Summarization.
TIP,,2017,Large-Scale Crowdsourced Study for Tone-Mapped HDR Pictures.
TIP,,2017,Low-Rank and Joint Sparse Representations for Multi-Modal Recognition.
TIP,,2017,Detecting Anatomical Landmarks From Limited Medical Imaging Data Using Two-Stage Task-Oriented Deep Neural Networks.
TIP,,2017,Greedy Batch-Based Minimum-Cost Flows for Tracking Multiple Objects.
TIP,,2017,Visual Attention Saccadic Models Learn to Emulate Gaze Patterns From Childhood to Adulthood.
TIP,,2017,QoE-Guided Warping for Stereoscopic Image Retargeting.
TIP,,2017,Part-Based Deep Hashing for Large-Scale Person Re-Identification.
TIP,,2017,ESIM: Edge Similarity for Screen Content Image Quality Assessment.
TIP,,2017,Correlation-Based Tracker-Level Fusion for Robust Visual Tracking.
TIP,,2017,Going Deeper With Contextual CNN for Hyperspectral Image Classification.
TIP,,2017,Fast Segmentation From Blurred Data in 3D Fluorescence Microscopy.
TIP,,2017,Robust Web Image Annotation via Exploring Multi-Facet and Structural Knowledge.
TIP,,2017,Quality Assessment of Perceptual Crosstalk on Two-View Auto-Stereoscopic Displays.
TIP,,2017,Volumetric Image Registration From Invariant Keypoints.
TIP,,2017,Higher Order Energies for Image Segmentation.
TIP,,2017,Blind Deep S3D Image Quality Evaluation via Local to Global Feature Aggregation.
TIP,,2017,Distance Metric Learning via Iterated Support Vector Machines.
TIP,,2017,Inverse Rendering and Relighting From Multiple Color Plus Depth Images.
TIP,,2017,Anti-Impulse-Noise Edge Detection via Anisotropic Morphological Directional Derivatives.
TIP,,2017,Deep Learning on Sparse Manifolds for Faster Object Segmentation.
TIP,,2017,Temporal Coherence-Based Deblurring Using Non-Uniform Motion Optimization.
TIP,,2017,Texture Characterization Using Shape Co-Occurrence Patterns.
TIP,,2017,Fast and Orthogonal Locality Preserving Projections for Dimensionality Reduction.
TIP,,2017,Comments and Corrections to "An Efficient Adaptive Binary Arithmetic Coder Based on Logarithmic Domain".
TIP,,2017,Learning the Image Processing Pipeline.
TIP,,2017,ISAR Imaging of High-Speed Maneuvering Target Using Gapped Stepped-Frequency Waveform and Compressive Sensing.
TIP,,2017,Bilinear Optimized Product Quantization for Scalable Visual Content Analysis.
TIP,,2017,Ocular Recognition for Blinking Eyes.
TIP,,2017,Sparsity-Based Color Image Super Resolution via Exploiting Cross Channel Constraints.
TIP,,2017,Understanding Symmetric Smoothing Filters: A Gaussian Mixture Model Perspective.
TIP,,2017,A Novel Method of Minimizing View Synthesis Distortion Based on Its Non-Monotonicity in 3D Video.
TIP,,2017,Full Reference Quality Assessment for Image Retargeting Based on Natural Scene Statistics Modeling and Bi-Directional Saliency Similarity.
TIP,,2017,Point Light Source Position Estimation From RGB-D Images by Learning Surface Attributes.
TIP,,2017,Fast Low-Rank Shared Dictionary Learning for Image Classification.
TIP,,2017,Sparse Image Reconstruction on the Sphere: Analysis and Synthesis.
TIP,,2017,Example-Based Image Colorization Using Locality Consistent Sparse Representation.
TIP,,2017,Unsupervised Primary Object Discovery in Videos Based on Evolutionary Primary Object Modeling With Reliable Object Proposals.
TIP,,2017,Study of Temporal Effects on Subjective Video Quality of Experience.
TIP,,2017,Least Squares Image Estimation for Large Data in the Presence of Noise and Irregular Sampling.
TIP,,2017,Extensive Benchmark and Survey of Modeling Methods for Scene Background Initialization.
TIP,,2017,LLE Score: A New Filter-Based Unsupervised Feature Selection Method Based on Nonlinear Manifold Embedding and Its Application to Image Recognition.