lambdaofgod commited on
Commit
38d03f2
·
1 Parent(s): 01ca586

moved files to HF datasets

Browse files
app.py CHANGED
@@ -11,19 +11,23 @@ from gradio_tabs import (
11
  setup_graph_tab,
12
  setup_repository_representations_tab,
13
  )
 
14
 
15
  logging.basicConfig(level=logging.INFO)
16
 
17
 
18
  class AppConfig:
19
- repo_representations_path = "data/repo_representations.jsonl"
20
- task_counts_path = "data/repos_task_counts.csv"
21
- selected_task_counts_path = "data/selected_repos_task_counts.csv"
22
- tasks_path = "data/paperswithcode_tasks.csv"
23
 
24
 
25
  def load_repo_df(repo_representations_path):
26
- data = pd.read_json(repo_representations_path, lines=True, orient="records")
 
 
 
27
  return data.assign(
28
  text=data["text"]
29
  .str.replace(r"<img.*\/>", "", regex=True)
@@ -33,7 +37,10 @@ def load_repo_df(repo_representations_path):
33
 
34
 
35
  ## main
36
- repos_df = load_repo_df(AppConfig.repo_representations_path)
 
 
 
37
  repos = list(repos_df["repo_name"].unique())
38
  representation_types = list(repos_df["representation"].unique())
39
  logging.info(f"found {len(repos)} repositories")
 
11
  setup_graph_tab,
12
  setup_repository_representations_tab,
13
  )
14
+ import datasets
15
 
16
  logging.basicConfig(level=logging.INFO)
17
 
18
 
19
  class AppConfig:
20
+ repo_representations_path = "repo_representations.parquet"
21
+ task_counts_path = "repos_task_counts.csv"
22
+ selected_task_counts_path = "selected_repos_task_counts.csv"
23
+ tasks_path = "paperswithcode_tasks.csv"
24
 
25
 
26
  def load_repo_df(repo_representations_path):
27
+ data = datasets.load_dataset(
28
+ "lambdaofgod/pwc_github_search",
29
+ data_files=AppConfig.repo_representations_path,
30
+ )["train"].to_pandas()
31
  return data.assign(
32
  text=data["text"]
33
  .str.replace(r"<img.*\/>", "", regex=True)
 
37
 
38
 
39
  ## main
40
+ repos_df = datasets.load_dataset(
41
+ "lambdaofgod/pwc_github_search",
42
+ data_files=AppConfig.repo_representations_path,
43
+ )["train"].to_pandas()
44
  repos = list(repos_df["repo_name"].unique())
45
  representation_types = list(repos_df["representation"].unique())
46
  logging.info(f"found {len(repos)} repositories")
data/paperswithcode_tasks.csv DELETED
The diff for this file is too large to render. See raw diff
 
data/repos_task_counts.csv DELETED
@@ -1,1244 +0,0 @@
1
- ,task,count
2
- 0,general classification,7530
3
- 1,image classification,6215
4
- 2,semantic segmentation,5691
5
- 3,object detection,5645
6
- 4,translation,4428
7
- 5,reinforcement learning,4265
8
- 6,classification,3350
9
- 7,language modelling,3299
10
- 8,representation learning,3089
11
- 9,question answering,2831
12
- 10,machine translation,2684
13
- 11,transfer learning,2583
14
- 12,image generation,2258
15
- 13,sentiment analysis,2172
16
- 14,frame,2157
17
- 15,data augmentation,2106
18
- 16,time series,1782
19
- 17,text classification,1675
20
- 18,domain adaptation,1525
21
- 19,super resolution,1517
22
- 20,pose estimation,1450
23
- 21,natural language inference,1449
24
- 22,real time object detection,1446
25
- 23,instance segmentation,1425
26
- 24,decision making,1310
27
- 25,person re identification,1307
28
- 26,named entity recognition,1284
29
- 27,image to image translation,1276
30
- 28,word embeddings,1247
31
- 29,denoising,1179
32
- 30,text generation,1161
33
- 31,style transfer,1152
34
- 32,recommendation systems,1119
35
- 33,natural language understanding,1091
36
- 34,self supervised learning,1044
37
- 35,speech recognition,1005
38
- 36,meta learning,999
39
- 37,multi task learning,945
40
- 38,text summarization,939
41
- 39,medical image segmentation,918
42
- 40,contrastive learning,918
43
- 41,neural architecture search,909
44
- 42,action recognition,895
45
- 43,autonomous driving,887
46
- 44,image super resolution,882
47
- 45,abstractive text summarization,877
48
- 46,variational inference,874
49
- 47,anomaly detection,872
50
- 48,q learning,838
51
- 49,link prediction,823
52
- 50,few shot learning,812
53
- 51,object recognition,811
54
- 52,knowledge distillation,779
55
- 53,node classification,778
56
- 54,atari games,773
57
- 55,common sense reasoning,769
58
- 56,quantization,740
59
- 57,thermal image segmentation,731
60
- 58,image captioning,730
61
- 59,visual question answering,720
62
- 60,face recognition,714
63
- 61,sentence classification,711
64
- 62,dimensionality reduction,684
65
- 63,information retrieval,656
66
- 64,knowledge graphs,648
67
- 65,conditional image generation,646
68
- 66,reading comprehension,645
69
- 67,continuous control,638
70
- 68,semantic textual similarity,634
71
- 69,fairness,633
72
- 70,multi tissue nucleus segmentation,626
73
- 71,depth estimation,620
74
- 72,bayesian inference,612
75
- 73,conversational response selection,601
76
- 74,region proposal,600
77
- 75,constituency parsing,593
78
- 76,retinal oct disease classification,575
79
- 77,image retrieval,555
80
- 78,optical flow estimation,550
81
- 79,unsupervised domain adaptation,546
82
- 80,cross lingual natural language inference,541
83
- 81,type prediction,538
84
- 82,adversarial attack,537
85
- 83,relation extraction,536
86
- 84,metric learning,534
87
- 85,linear probe classification,533
88
- 86,keypoint detection,532
89
- 87,multimodal machine translation,530
90
- 88,federated learning,522
91
- 89,ner,522
92
- 90,scene understanding,516
93
- 91,feature engineering,513
94
- 92,object tracking,512
95
- 93,active learning,497
96
- 94,graph classification,494
97
- 95,pedestrian attribute recognition,493
98
- 96,image clustering,487
99
- 97,stochastic optimization,486
100
- 98,vqa,483
101
- 99,semi supervised image classification,480
102
- 100,domain generalization,476
103
- 101,retinal vessel segmentation,472
104
- 102,gaussian processes,471
105
- 103,temporal action localization,470
106
- 104,cell segmentation,469
107
- 105,graph embedding,466
108
- 106,disentanglement,465
109
- 107,video polyp segmentation,454
110
- 108,pancreas segmentation,449
111
- 109,face verification,447
112
- 110,feature selection,444
113
- 111,semantic parsing,442
114
- 112,skin cancer segmentation,441
115
- 113,pedestrian detection,438
116
- 114,continual learning,436
117
- 115,3d object detection,428
118
- 116,collaborative filtering,426
119
- 117,adversarial robustness,419
120
- 118,autonomous vehicles,416
121
- 119,pedestrian trajectory prediction,409
122
- 120,fine grained image classification,407
123
- 121,image reconstruction,405
124
- 122,density estimation,402
125
- 123,speech enhancement,395
126
- 124,image denoising,394
127
- 125,imitation learning,393
128
- 126,one stage anchor free oriented object detection,393
129
- 127,nuclear segmentation,390
130
- 128,zero shot learning,387
131
- 129,skeleton based action recognition,380
132
- 130,model selection,380
133
- 131,automatic speech recognition,378
134
- 132,3d reconstruction,376
135
- 133,action classification,370
136
- 134,interpretable machine learning,359
137
- 135,multi person pose estimation,357
138
- 136,object localization,356
139
- 137,document classification,352
140
- 138,speech synthesis,352
141
- 139,time series forecasting,351
142
- 140,lesion segmentation,351
143
- 141,real time semantic segmentation,349
144
- 142,panoptic segmentation,349
145
- 143,semantic similarity,346
146
- 144,image restoration,343
147
- 145,image inpainting,343
148
- 146,self supervised image classification,334
149
- 147,optical character recognition,334
150
- 148,colorization,333
151
- 149,model compression,330
152
- 150,unsupervised image to image translation,329
153
- 151,multi agent reinforcement learning,327
154
- 152,dialogue generation,317
155
- 153,crowd counting,316
156
- 154,few shot image classification,313
157
- 155,online learning,312
158
- 156,dependency parsing,309
159
- 157,face detection,308
160
- 158,emotion recognition,305
161
- 159,scene segmentation,303
162
- 160,face identification,300
163
- 161,pretrained language models,295
164
- 162,automl,292
165
- 163,monocular depth estimation,288
166
- 164,multi label classification,284
167
- 165,3d human pose estimation,283
168
- 166,eeg,278
169
- 167,video semantic segmentation,278
170
- 168,self driving cars,277
171
- 169,graph attention,276
172
- 170,3d point cloud classification,275
173
- 171,hyperparameter optimization,273
174
- 172,causal inference,272
175
- 173,drug discovery,272
176
- 174,3d semantic segmentation,270
177
- 175,network pruning,268
178
- 176,pos,267
179
- 177,policy gradient methods,263
180
- 178,long tail learning,261
181
- 179,tag,261
182
- 180,sentence embeddings,259
183
- 181,graph representation learning,255
184
- 182,video super resolution,254
185
- 183,video classification,253
186
- 184,ssim,249
187
- 185,coreference resolution,249
188
- 186,structured prediction,247
189
- 187,part of speech tagging,244
190
- 188,dense object detection,239
191
- 189,graph learning,235
192
- 190,document summarization,233
193
- 191,deblurring,231
194
- 192,synthetic data generation,230
195
- 193,computed tomography (ct),229
196
- 194,openai gym,229
197
- 195,3d part segmentation,229
198
- 196,word similarity,229
199
- 197,one shot learning,226
200
- 198,salient object detection,225
201
- 199,imputation,224
202
- 200,multimodal unsupervised image to image translation,220
203
- 201,face generation,220
204
- 202,multiple object tracking,218
205
- 203,video understanding,218
206
- 204,adversarial defense,217
207
- 205,face alignment,216
208
- 206,combinatorial optimization,216
209
- 207,lane detection,216
210
- 208,out of distribution detection,215
211
- 209,3d instance segmentation,212
212
- 210,fundus to angiography generation,212
213
- 211,graph regression,208
214
- 212,activity recognition,206
215
- 213,time series classification,205
216
- 214,response generation,203
217
- 215,cross lingual transfer,200
218
- 216,time series few shot learning with heterogeneous channels,200
219
- 217,text to image generation,200
220
- 218,speech emotion recognition,200
221
- 219,community detection,199
222
- 220,relational reasoning,199
223
- 221,open domain question answering,196
224
- 222,image enhancement,196
225
- 223,feature importance,194
226
- 224,click through rate prediction,194
227
- 225,action detection,193
228
- 226,topic models,191
229
- 227,video prediction,190
230
- 228,video object segmentation,189
231
- 229,speaker verification,189
232
- 230,incremental learning,188
233
- 231,document image classification,186
234
- 232,scene text recognition,186
235
- 233,question generation,185
236
- 234,motion estimation,183
237
- 235,scene text detection,182
238
- 236,image manipulation,182
239
- 237,tumor segmentation,179
240
- 238,linguistic acceptability,178
241
- 239,outlier detection,175
242
- 240,machine reading comprehension,175
243
- 241,video generation,173
244
- 242,multi human parsing,172
245
- 243,multivariate time series forecasting,172
246
- 244,object counting,170
247
- 245,entity linking,170
248
- 246,human part segmentation,169
249
- 247,disguised face verification,168
250
- 248,2d human pose estimation,168
251
- 249,multi object tracking,167
252
- 250,multi class classification,167
253
- 251,semantic role labeling,167
254
- 252,video recognition,166
255
- 253,sentence embedding,165
256
- 254,cross view image to image translation,164
257
- 255,image augmentation,163
258
- 256,re ranking,163
259
- 257,image quality assessment,161
260
- 258,dota 2,161
261
- 259,image compression,160
262
- 260,visual tracking,159
263
- 261,knowledge graph embedding,157
264
- 262,ensemble learning,155
265
- 263,multiple instance learning,155
266
- 264,masked language modeling,155
267
- 265,scene parsing,154
268
- 266,model based reinforcement learning,154
269
- 267,autonomous navigation,154
270
- 268,event detection,153
271
- 269,misinformation,153
272
- 270,graph generation,153
273
- 271,unsupervised anomaly detection,153
274
- 272,text to speech synthesis,152
275
- 273,traffic prediction,150
276
- 274,rgb salient object detection,150
277
- 275,trajectory prediction,149
278
- 276,network embedding,149
279
- 277,breast tumour classification,148
280
- 278,motion planning,147
281
- 279,efficient exploration,147
282
- 280,brain tumor segmentation,147
283
- 281,fact checking,146
284
- 282,saliency detection,146
285
- 283,point cloud registration,146
286
- 284,image registration,145
287
- 285,node property prediction,144
288
- 286,knowledge graph completion,144
289
- 287,aspect based sentiment analysis,143
290
- 288,starcraft,140
291
- 289,voice conversion,139
292
- 290,word sense disambiguation,138
293
- 291,dictionary learning,137
294
- 292,paraphrase identification,136
295
- 293,novel view synthesis,136
296
- 294,hate speech detection,135
297
- 295,explainable artificial intelligence,135
298
- 296,multi armed bandits,135
299
- 297,cross modal retrieval,134
300
- 298,learning to rank,133
301
- 299,relation classification,133
302
- 300,matrix completion,133
303
- 301,change detection,133
304
- 302,simultaneous localization and mapping,133
305
- 303,video retrieval,133
306
- 304,3d pose estimation,132
307
- 305,face swapping,132
308
- 306,robust classification,131
309
- 307,ood detection,131
310
- 308,speaker specific lip to speech synthesis,130
311
- 309,fake news detection,128
312
- 310,visual reasoning,126
313
- 311,visual object tracking,125
314
- 312,audio generation,124
315
- 313,time series prediction,123
316
- 314,speaker recognition,123
317
- 315,robot navigation,122
318
- 316,binarization,122
319
- 317,stereo matching,120
320
- 318,multiple choice,120
321
- 319,unity,119
322
- 320,multi task language understanding,119
323
- 321,chatbot,118
324
- 322,3d classification,118
325
- 323,video captioning,116
326
- 324,unsupervised pre training,114
327
- 325,video instance segmentation,114
328
- 326,point processes,114
329
- 327,keyword spotting,113
330
- 328,class incremental learning,112
331
- 329,graph clustering,112
332
- 330,slot filling,111
333
- 331,covid 19 diagnosis,111
334
- 332,action recognition in videos,111
335
- 333,code generation,111
336
- 334,facial expression recognition,110
337
- 335,variable selection,109
338
- 336,audio classification,108
339
- 337,experimental design,107
340
- 338,general reinforcement learning,107
341
- 339,informativeness,107
342
- 340,edge detection,107
343
- 341,text matching,107
344
- 342,whole slide images,106
345
- 343,motion prediction,106
346
- 344,visual localization,104
347
- 345,unsupervised machine translation,104
348
- 346,graph construction,103
349
- 347,extractive summarization,103
350
- 348,data to text generation,103
351
- 349,self supervised person re identification,103
352
- 350,action localization,103
353
- 351,extractive text summarization,102
354
- 352,unsupervised image classification,101
355
- 353,offline rl,101
356
- 354,dynamic time warping,100
357
- 355,time series analysis,100
358
- 356,knowledge graph embeddings,100
359
- 357,facial landmark detection,100
360
- 358,generalization bounds,100
361
- 359,visual odometry,99
362
- 360,intent detection,98
363
- 361,saliency prediction,98
364
- 362,image retrieval with multi modal query,98
365
- 363,boundary detection,98
366
- 364,out of distribution generalization,97
367
- 365,graph matching,97
368
- 366,weakly supervised object localization,97
369
- 367,dialogue state tracking,96
370
- 368,text to sql,96
371
- 369,real time instance segmentation,95
372
- 370,tensor decomposition,95
373
- 371,emotion classification,95
374
- 372,hierarchical reinforcement learning,95
375
- 373,starcraft ii,95
376
- 374,visual grounding,94
377
- 375,news recommendation,94
378
- 376,music generation,93
379
- 377,speech separation,93
380
- 378,neural rendering,93
381
- 379,medical diagnosis,93
382
- 380,texture synthesis,93
383
- 381,sound event detection,92
384
- 382,intent classification,92
385
- 383,program synthesis,92
386
- 384,visual place recognition,91
387
- 385,weakly supervised semantic segmentation,90
388
- 386,data visualization,90
389
- 387,surface reconstruction,90
390
- 388,6d pose estimation using rgb,89
391
- 389,text style transfer,89
392
- 390,compressive sensing,89
393
- 391,semi supervised video object segmentation,89
394
- 392,speaker identification,89
395
- 393,task oriented dialogue systems,89
396
- 394,deep clustering,88
397
- 395,6d pose estimation,87
398
- 396,meta reinforcement learning,87
399
- 397,image deblurring,87
400
- 398,two sample testing,86
401
- 399,learning with noisy labels,86
402
- 400,knowledge base completion,86
403
- 401,music modeling,86
404
- 402,multivariate time series imputation,85
405
- 403,causal discovery,85
406
- 404,gesture recognition,85
407
- 405,sequential recommendation,85
408
- 406,monocular 3d human pose estimation,84
409
- 407,language identification,84
410
- 408,pose tracking,83
411
- 409,passage retrieval,83
412
- 410,multi document summarization,82
413
- 411,unsupervised mnist,82
414
- 412,learning theory,82
415
- 413,video quality assessment,82
416
- 414,spoken language understanding,82
417
- 415,mri reconstruction,82
418
- 416,superpixels,81
419
- 417,human object interaction detection,81
420
- 418,visual navigation,81
421
- 419,malware detection,81
422
- 420,word alignment,81
423
- 421,rain removal,81
424
- 422,answer selection,81
425
- 423,topological data analysis,80
426
- 424,event extraction,80
427
- 425,fraud detection,80
428
- 426,probabilistic programming,80
429
- 427,hand pose estimation,80
430
- 428,edge computing,79
431
- 429,chunking,79
432
- 430,molecular property prediction,79
433
- 431,game of go,79
434
- 432,music information retrieval,79
435
- 433,document ranking,79
436
- 434,image dehazing,78
437
- 435,grammatical error correction,78
438
- 436,survival analysis,78
439
- 437,scene classification,78
440
- 438,human detection,77
441
- 439,synthetic to real translation,76
442
- 440,large scale person re identification,76
443
- 441,session based recommendations,76
444
- 442,neural network compression,76
445
- 443,video object detection,75
446
- 444,3d face reconstruction,75
447
- 445,3d object reconstruction,75
448
- 446,small data image classification,75
449
- 447,sequential image classification,75
450
- 448,data compression,74
451
- 449,video frame interpolation,74
452
- 450,stance detection,74
453
- 451,scene recognition,74
454
- 452,referring expression,74
455
- 453,entity typing,73
456
- 454,selection bias,73
457
- 455,gaze estimation,72
458
- 456,image matting,72
459
- 457,point cloud classification,72
460
- 458,brain segmentation,71
461
- 459,game of chess,71
462
- 460,montezuma's revenge,70
463
- 461,camera calibration,70
464
- 462,3d shape reconstruction,70
465
- 463,deepfake detection,69
466
- 464,weather forecasting,69
467
- 465,2d object detection,69
468
- 466,video question answering,69
469
- 467,object reconstruction,68
470
- 468,adversarial text,67
471
- 469,pose prediction,67
472
- 470,handwriting recognition,66
473
- 471,sentence similarity,66
474
- 472,homography estimation,66
475
- 473,text simplification,66
476
- 474,distributed computing,66
477
- 475,subjectivity analysis,65
478
- 476,video segmentation,65
479
- 477,inference attack,65
480
- 478,game of shogi,65
481
- 479,visual dialog,65
482
- 480,entity embeddings,65
483
- 481,scene graph generation,65
484
- 482,low light image enhancement,65
485
- 483,human action generation,64
486
- 484,distributed optimization,64
487
- 485,face hallucination,64
488
- 486,face reconstruction,63
489
- 487,multi label text classification,63
490
- 488,robotic grasping,62
491
- 489,bayesian optimisation,62
492
- 490,music source separation,62
493
- 491,bilevel optimization,62
494
- 492,intrusion detection,62
495
- 493,lexical simplification,61
496
- 494,video compression,61
497
- 495,data poisoning,61
498
- 496,motion compensation,61
499
- 497,face model,61
500
- 498,humor detection,60
501
- 499,cloze test,60
502
- 500,referring expression comprehension,60
503
- 501,self learning,60
504
- 502,hyperspectral image classification,59
505
- 503,semi supervised semantic segmentation,59
506
- 504,change point detection,58
507
- 505,multi label learning,58
508
- 506,birds eye view object detection,57
509
- 507,pneumonia detection,57
510
- 508,multimodal sentiment analysis,57
511
- 509,document layout analysis,57
512
- 510,code summarization,57
513
- 511,stochastic block model,56
514
- 512,entity alignment,56
515
- 513,stereo depth estimation,56
516
- 514,chinese named entity recognition,55
517
- 515,trajectory forecasting,55
518
- 516,argument mining,55
519
- 517,morphological analysis,55
520
- 518,malware classification,55
521
- 519,ms ssim,55
522
- 520,audio source separation,55
523
- 521,demosaicking,55
524
- 522,image stylization,55
525
- 523,video summarization,54
526
- 524,multimodal activity recognition,54
527
- 525,point cloud completion,54
528
- 526,depth completion,54
529
- 527,template matching,54
530
- 528,3d hand pose estimation,54
531
- 529,sarcasm detection,54
532
- 530,real time strategy games,53
533
- 531,motion segmentation,53
534
- 532,car pose estimation,53
535
- 533,prediction intervals,53
536
- 534,electrocardiography (ecg),53
537
- 535,activity detection,52
538
- 536,citation intent classification,52
539
- 537,point cloud segmentation,52
540
- 538,monocular 3d object detection,52
541
- 539,weakly supervised segmentation,52
542
- 540,rgb d salient object detection,52
543
- 541,multi label image classification,52
544
- 542,speaker diarization,52
545
- 543,systematic generalization,52
546
- 544,zero shot cross lingual transfer,52
547
- 545,univariate time series forecasting,51
548
- 546,entity extraction using gan,51
549
- 547,lemmatization,51
550
- 548,3d medical imaging segmentation,51
551
- 549,object detection in aerial images,51
552
- 550,backdoor attack,51
553
- 551,opinion mining,51
554
- 552,scene generation,51
555
- 553,traveling salesman problem,50
556
- 554,action segmentation,50
557
- 555,unsupervised person re identification,50
558
- 556,chinese word segmentation,50
559
- 557,epidemiology,50
560
- 558,portfolio optimization,50
561
- 559,age estimation,50
562
- 560,language acquisition,50
563
- 561,semantic correspondence,50
564
- 562,generalized zero shot learning,49
565
- 563,fact verification,49
566
- 564,multi goal reinforcement learning,49
567
- 565,virtual try on,49
568
- 566,mortality prediction,49
569
- 567,tensor networks,48
570
- 568,vision and language navigation,48
571
- 569,temporal localization,48
572
- 570,knowledge tracing,48
573
- 571,source code summarization,47
574
- 572,vehicle re identification,47
575
- 573,open set learning,47
576
- 574,accented speech recognition,47
577
- 575,word translation,47
578
- 576,thoracic disease classification,47
579
- 577,head pose estimation,47
580
- 578,sparse learning,47
581
- 579,story generation,47
582
- 580,dialogue evaluation,46
583
- 581,object discovery,46
584
- 582,few shot semantic segmentation,46
585
- 583,point cloud generation,46
586
- 584,hard attention,46
587
- 585,curved text detection,46
588
- 586,stereo matching hand,46
589
- 587,few shot object detection,45
590
- 588,distributional reinforcement learning,45
591
- 589,keyphrase extraction,45
592
- 590,3d shape representation,45
593
- 591,jpeg artifact correction,45
594
- 592,paraphrase generation,45
595
- 593,car racing,45
596
- 594,additive models,45
597
- 595,medical image registration,44
598
- 596,open information extraction,44
599
- 597,human motion prediction,44
600
- 598,ad hoc information retrieval,44
601
- 599,joint entity and relation extraction,44
602
- 600,defect detection,44
603
- 601,amr parsing,44
604
- 602,automated theorem proving,44
605
- 603,stock market prediction,44
606
- 604,disparity estimation,43
607
- 605,lesion detection,43
608
- 606,deep attention,43
609
- 607,text spotting,43
610
- 608,arrhythmia detection,43
611
- 609,conversational question answering,43
612
- 610,graph mining,43
613
- 611,entity disambiguation,43
614
- 612,membership inference attack,43
615
- 613,community question answering,43
616
- 614,interactive segmentation,43
617
- 615,sign language recognition,43
618
- 616,color image denoising,42
619
- 617,cross lingual word embeddings,42
620
- 618,single image dehazing,42
621
- 619,multimodal deep learning,42
622
- 620,image matching,42
623
- 621,code search,42
624
- 622,face anti spoofing,42
625
- 623,motion forecasting,41
626
- 624,small object detection,41
627
- 625,human parsing,41
628
- 626,molecular graph generation,41
629
- 627,text categorization,41
630
- 628,one shot visual object segmentation,41
631
- 629,smac,41
632
- 630,3d action recognition,40
633
- 631,visual commonsense reasoning,40
634
- 632,genre classification,40
635
- 633,multi hop question answering,40
636
- 634,skin lesion segmentation,40
637
- 635,abusive language,40
638
- 636,unsupervised reinforcement learning,40
639
- 637,multi view learning,40
640
- 638,nested named entity recognition,40
641
- 639,imbalanced classification,40
642
- 640,motion synthesis,39
643
- 641,numerical integration,39
644
- 642,fine grained visual categorization,39
645
- 643,multimodal emotion recognition,39
646
- 644,board games,39
647
- 645,gender prediction,39
648
- 646,survival prediction,39
649
- 647,handwritten text recognition,38
650
- 648,emotion recognition in conversation,38
651
- 649,noisy speech recognition,38
652
- 650,sentence completion,38
653
- 651,network intrusion detection,38
654
- 652,video enhancement,38
655
- 653,text similarity,38
656
- 654,unsupervised video object segmentation,38
657
- 655,single image deraining,38
658
- 656,cardiac segmentation,38
659
- 657,medical object detection,37
660
- 658,inductive logic programming,37
661
- 659,topic classification,37
662
- 660,hippocampus,37
663
- 661,discourse parsing,37
664
- 662,fault detection,37
665
- 663,music transcription,36
666
- 664,zero shot cross modal retrieval,36
667
- 665,disease prediction,36
668
- 666,term extraction,36
669
- 667,audio tagging,36
670
- 668,riemannian optimization,36
671
- 669,image cropping,36
672
- 670,probabilistic time series forecasting,36
673
- 671,fine grained image recognition,36
674
- 672,aspect extraction,36
675
- 673,dense pixel correspondence estimation,35
676
- 674,future prediction,35
677
- 675,spatio temporal forecasting,35
678
- 676,hand gesture recognition,35
679
- 677,fine grained visual recognition,35
680
- 678,object proposal generation,34
681
- 679,video denoising,34
682
- 680,formation energy,34
683
- 681,conversational response generation,34
684
- 682,line detection,34
685
- 683,time series clustering,34
686
- 684,node clustering,34
687
- 685,semi supervised anomaly detection,34
688
- 686,few shot text classification,34
689
- 687,weakly supervised 3d human pose estimation,34
690
- 688,gpr,34
691
- 689,cross lingual document classification,34
692
- 690,lip reading,33
693
- 691,graph sampling,33
694
- 692,table to text generation,33
695
- 693,temporal action proposal generation,33
696
- 694,mri segmentation,33
697
- 695,medical named entity recognition,33
698
- 696,shadow removal,33
699
- 697,transliteration,33
700
- 698,lung disease classification,33
701
- 699,weakly supervised classification,33
702
- 700,scene flow estimation,33
703
- 701,unsupervised semantic segmentation,33
704
- 702,knowledge base question answering,33
705
- 703,interest point detection,33
706
- 704,lipreading,33
707
- 705,breast cancer detection,32
708
- 706,goal oriented dialog,32
709
- 707,self supervised action recognition,32
710
- 708,visual relationship detection,32
711
- 709,safe reinforcement learning,32
712
- 710,weakly supervised action localization,32
713
- 711,weakly supervised object detection,32
714
- 712,protein folding,32
715
- 713,liver segmentation,32
716
- 714,3d object classification,32
717
- 715,abuse detection,31
718
- 716,6d pose estimation using rgbd,31
719
- 717,lung nodule segmentation,31
720
- 718,patch matching,31
721
- 719,volumetric medical image segmentation,31
722
- 720,answer generation,31
723
- 721,probabilistic deep learning,31
724
- 722,single view 3d reconstruction,31
725
- 723,multi domain dialogue state tracking,31
726
- 724,sentence summarization,31
727
- 725,mutual information estimation,31
728
- 726,speech to text translation,31
729
- 727,camera localization,31
730
- 728,traffic sign recognition,30
731
- 729,video description,30
732
- 730,knowledge base population,30
733
- 731,image forensics,30
734
- 732,spelling correction,30
735
- 733,de identification,30
736
- 734,video based person re identification,30
737
- 735,entity resolution,30
738
- 736,texture classification,30
739
- 737,sleep staging,30
740
- 738,person retrieval,29
741
- 739,pose transfer,29
742
- 740,no reference image quality assessment,29
743
- 741,blind super resolution,29
744
- 742,object categorization,29
745
- 743,text independent speaker verification,29
746
- 744,medical image generation,29
747
- 745,referring expression segmentation,29
748
- 746,music tagging,29
749
- 747,product recommendation,29
750
- 748,graph partitioning,29
751
- 749,depth and camera motion,29
752
- 750,color constancy,29
753
- 751,meme classification,29
754
- 752,chinese reading comprehension,28
755
- 753,viewpoint estimation,28
756
- 754,speaker separation,28
757
- 755,cross domain few shot,28
758
- 756,graph similarity,28
759
- 757,permuted mnist,28
760
- 758,counterfactual explanation,28
761
- 759,graph to sequence,28
762
- 760,bias detection,28
763
- 761,document embedding,28
764
- 762,anomaly detection in surveillance videos,28
765
- 763,mixed reality,27
766
- 764,noise estimation,27
767
- 765,3d face modeling,27
768
- 766,medical relation extraction,27
769
- 767,3d object recognition,27
770
- 768,counterfactual inference,27
771
- 769,card games,27
772
- 770,person search,27
773
- 771,multiobjective optimization,27
774
- 772,3d shape classification,27
775
- 773,spam detection,27
776
- 774,morphological inflection,27
777
- 775,multi target domain adaptation,27
778
- 776,dialogue understanding,27
779
- 777,second order methods,27
780
- 778,material recognition,27
781
- 779,safe exploration,26
782
- 780,text segmentation,26
783
- 781,zero shot transfer image classification,26
784
- 782,sketch based image retrieval,26
785
- 783,code completion,26
786
- 784,robust object detection,26
787
- 785,handwritten digit recognition,26
788
- 786,open domain dialog,26
789
- 787,bilingual lexicon induction,26
790
- 788,pico,26
791
- 789,pointgoal navigation,26
792
- 790,point cloud reconstruction,26
793
- 791,foveation,26
794
- 792,unsupervised text style transfer,26
795
- 793,text augmentation,26
796
- 794,music classification,26
797
- 795,geometric matching,26
798
- 796,video inpainting,26
799
- 797,physical simulations,26
800
- 798,content based image retrieval,26
801
- 799,data summarization,26
802
- 800,3d multi object tracking,25
803
- 801,grounded language learning,25
804
- 802,weakly supervised temporal action localization,25
805
- 803,stock prediction,25
806
- 804,lidar semantic segmentation,25
807
- 805,prompt engineering,25
808
- 806,text to video retrieval,25
809
- 807,fps games,25
810
- 808,unconditional image generation,25
811
- 809,headline generation,25
812
- 810,one class classifier,25
813
- 811,semi supervised text classification,25
814
- 812,fake image detection,25
815
- 813,3d multi person pose estimation,25
816
- 814,automatic post editing,25
817
- 815,multi source unsupervised domain adaptation,25
818
- 816,3d shape generation,25
819
- 817,video restoration,25
820
- 818,environmental sound classification,25
821
- 819,sleep stage detection,25
822
- 820,table detection,24
823
- 821,3d human reconstruction,24
824
- 822,stance classification,24
825
- 823,decision making under uncertainty,24
826
- 824,online multi object tracking,24
827
- 825,multi frame super resolution,24
828
- 826,graph property prediction,24
829
- 827,extreme multi label classification,24
830
- 828,decipherment,24
831
- 829,news classification,24
832
- 830,robust face recognition,24
833
- 831,reflection removal,24
834
- 832,acoustic scene classification,24
835
- 833,graph reconstruction,24
836
- 834,text image retrieval,24
837
- 835,normalising flows,24
838
- 836,conversational search,24
839
- 837,program repair,24
840
- 838,copy detection,24
841
- 839,vehicle pose estimation,24
842
- 840,audio question answering,24
843
- 841,face clustering,23
844
- 842,dialogue management,23
845
- 843,time series regression,23
846
- 844,talking head generation,23
847
- 845,sentence fusion,23
848
- 846,indoor localization,23
849
- 847,privacy preserving deep learning,23
850
- 848,surface normals estimation,23
851
- 849,speech denoising,23
852
- 850,edge classification,23
853
- 851,length of stay prediction,23
854
- 852,3d object tracking,23
855
- 853,sentence compression,22
856
- 854,infrared and visible image fusion,22
857
- 855,lesion classification,22
858
- 856,image deblocking,22
859
- 857,shadow detection,22
860
- 858,video to video synthesis,22
861
- 859,keyword extraction,22
862
- 860,trajectory planning,22
863
- 861,ecg classification,22
864
- 862,program induction,22
865
- 863,image morphing,22
866
- 864,vulnerability detection,22
867
- 865,action anticipation,22
868
- 866,talking face generation,22
869
- 867,,22
870
- 868,explanation generation,21
871
- 869,multi future trajectory prediction,21
872
- 870,text clustering,21
873
- 871,activity prediction,21
874
- 872,information plane,21
875
- 873,aspect sentiment triplet extraction,21
876
- 874,line segment detection,21
877
- 875,text based games,21
878
- 876,seizure detection,21
879
- 877,mathematical reasoning,21
880
- 878,semantic slam,21
881
- 879,l2 regularization,21
882
- 880,camouflaged object segmentation,21
883
- 881,learning word embeddings,21
884
- 882,passage ranking,21
885
- 883,multilingual nlp,21
886
- 884,vision language navigation,21
887
- 885,single object discovery,21
888
- 886,math word problem solving,21
889
- 887,action triplet recognition,21
890
- 888,salt and pepper noise removal,21
891
- 889,protein structure prediction,21
892
- 890,keyphrase generation,21
893
- 891,graph structure learning,21
894
- 892,natural language visual grounding,20
895
- 893,semantic composition,20
896
- 894,remote sensing image classification,20
897
- 895,zero shot action recognition,20
898
- 896,personalized federated learning,20
899
- 897,generative question answering,20
900
- 898,unsupervised image segmentation,20
901
- 899,visual speech recognition,20
902
- 900,video text retrieval,20
903
- 901,2d semantic segmentation,20
904
- 902,table recognition,20
905
- 903,learning to execute,20
906
- 904,game of doom,20
907
- 905,extractive document summarization,20
908
- 906,multilingual word embeddings,20
909
- 907,total energy,20
910
- 908,long range modeling,20
911
- 909,key information extraction,20
912
- 910,citation recommendation,20
913
- 911,video style transfer,20
914
- 912,stock price prediction,20
915
- 913,code translation,20
916
- 914,heartbeat classification,20
917
- 915,load forecasting,19
918
- 916,extreme summarization,19
919
- 917,gait recognition,19
920
- 918,iris recognition,19
921
- 919,abnormal event detection in video,19
922
- 920,histopathological image classification,19
923
- 921,legged robots,19
924
- 922,cross lingual ner,19
925
- 923,few shot relation classification,19
926
- 924,intent classification and slot filling,19
927
- 925,morphological tagging,19
928
- 926,automated feature engineering,19
929
- 927,word sense induction,19
930
- 928,density ratio estimation,19
931
- 929,rotated mnist,19
932
- 930,conditional text generation,19
933
- 931,brain image segmentation,19
934
- 932,loop closure detection,19
935
- 933,3d face alignment,19
936
- 934,humanitarian,18
937
- 935,unsupervised object segmentation,18
938
- 936,classification with binary neural network,18
939
- 937,3d human pose and shape estimation,18
940
- 938,twitter sentiment analysis,18
941
- 939,mathematical proofs,18
942
- 940,parallel corpus mining,18
943
- 941,aerial scene classification,18
944
- 942,triple classification,18
945
- 943,zero shot text to image generation,18
946
- 944,blind image quality assessment,18
947
- 945,cross domain few shot learning,18
948
- 946,audio captioning,18
949
- 947,age and gender classification,18
950
- 948,passage re ranking,18
951
- 949,video reconstruction,18
952
- 950,moment retrieval,18
953
- 951,dqn replay dataset,18
954
- 952,cloud detection,18
955
- 953,bsds500,18
956
- 954,tone mapping,18
957
- 955,face parsing,17
958
- 956,stereo disparity estimation,17
959
- 957,semantic dependency parsing,17
960
- 958,malware analysis,17
961
- 959,question similarity,17
962
- 960,lexical entailment,17
963
- 961,3d semantic scene completion,17
964
- 962,video salient object detection,17
965
- 963,spoken dialogue systems,17
966
- 964,event based vision,17
967
- 965,nested mention recognition,17
968
- 966,artificial life,17
969
- 967,license plate recognition,17
970
- 968,visual storytelling,17
971
- 969,superpixel image classification,17
972
- 970,change detection for remote sensing images,17
973
- 971,dense video captioning,17
974
- 972,semantic text matching,17
975
- 973,multiple choice question answering (mcqa),17
976
- 974,real time visual tracking,17
977
- 975,action generation,17
978
- 976,few shot anomaly detection,17
979
- 977,operator learning,17
980
- 978,poker hand classification,17
981
- 979,transition based dependency parsing,17
982
- 980,phrase grounding,17
983
- 981,cross lingual bitext mining,17
984
- 982,model extraction,17
985
- 983,partial domain adaptation,17
986
- 984,dialect identification,17
987
- 985,image relighting,17
988
- 986,transparent objects,16
989
- 987,robust face alignment,16
990
- 988,constituency grammar induction,16
991
- 989,toxic spans detection,16
992
- 990,low rank matrix completion,16
993
- 991,real time multi object tracking,16
994
- 992,skull stripping,16
995
- 993,token classification,16
996
- 994,vector graphics,16
997
- 995,action quality assessment,16
998
- 996,distant speech recognition,16
999
- 997,transfer reinforcement learning,16
1000
- 998,unsupervised video summarization,16
1001
- 999,spike sorting,16
1002
- 1000,dialogue act classification,16
1003
- 1001,predictive process monitoring,16
1004
- 1002,disaster response,16
1005
- 1003,3d depth estimation,16
1006
- 1004,low resource neural machine translation,16
1007
- 1005,game of poker,16
1008
- 1006,rumour detection,16
1009
- 1007,entity retrieval,16
1010
- 1008,event coreference resolution,16
1011
- 1009,explainable models,16
1012
- 1010,image defocus deblurring,16
1013
- 1011,document ai,16
1014
- 1012,physics informed machine learning,16
1015
- 1013,egocentric activity recognition,16
1016
- 1014,head detection,16
1017
- 1015,3d shape recognition,16
1018
- 1016,amr to text generation,16
1019
- 1017,3d scene reconstruction,16
1020
- 1018,hyperspectral unmixing,16
1021
- 1019,visual entailment,16
1022
- 1020,resynthesis,16
1023
- 1021,action understanding,15
1024
- 1022,supervised video summarization,15
1025
- 1023,fine grained action recognition,15
1026
- 1024,video object tracking,15
1027
- 1025,kg to text generation,15
1028
- 1026,model poisoning,15
1029
- 1027,3d point cloud reconstruction,15
1030
- 1028,semi supervised object detection,15
1031
- 1029,text infilling,15
1032
- 1030,facial inpainting,15
1033
- 1031,image based localization,15
1034
- 1032,perceptual distance,15
1035
- 1033,music genre classification,15
1036
- 1034,connectivity estimation,15
1037
- 1035,auxiliary learning,15
1038
- 1036,small footprint keyword spotting,15
1039
- 1037,ccg supertagging,15
1040
- 1038,emotion cause extraction,15
1041
- 1039,skin lesion classification,15
1042
- 1040,seismic imaging,15
1043
- 1041,monocular visual odometry,15
1044
- 1042,caricature,15
1045
- 1043,image quality estimation,15
1046
- 1044,video stabilization,15
1047
- 1045,jpeg compression artifact reduction,15
1048
- 1046,computational phenotyping,15
1049
- 1047,facial action unit detection,15
1050
- 1048,discourse segmentation,15
1051
- 1049,point clouds,15
1052
- 1050,zero shot object detection,15
1053
- 1051,blind face restoration,15
1054
- 1052,meeting summarization,14
1055
- 1053,person identification,14
1056
- 1054,goal oriented dialogue systems,14
1057
- 1055,group activity recognition,14
1058
- 1056,3d point cloud linear classification,14
1059
- 1057,deformable medical image registration,14
1060
- 1058,image smoothing,14
1061
- 1059,intrinsic image decomposition,14
1062
- 1060,image similarity search,14
1063
- 1061,landmark recognition,14
1064
- 1062,dynamic link prediction,14
1065
- 1063,underwater image restoration,14
1066
- 1064,industrial robots,14
1067
- 1065,video alignment,14
1068
- 1066,image deconvolution,14
1069
- 1067,myocardial infarction detection,14
1070
- 1068,sql to text,14
1071
- 1069,text attribute transfer,14
1072
- 1070,image stitching,14
1073
- 1071,short text clustering,14
1074
- 1072,human mesh recovery,14
1075
- 1073,sar image despeckling,14
1076
- 1074,skin cancer classification,14
1077
- 1075,cross lingual question answering,14
1078
- 1076,handwriting generation,14
1079
- 1077,emotion cause pair extraction,14
1080
- 1078,action unit detection,14
1081
- 1079,deception detection,14
1082
- 1080,protein function prediction,14
1083
- 1081,instrument recognition,14
1084
- 1082,human dynamics,14
1085
- 1083,multi task audio source seperation,14
1086
- 1084,diachronic word embeddings,14
1087
- 1085,sentence segmentation,13
1088
- 1086,automatic machine learning model selection,13
1089
- 1087,news summarization,13
1090
- 1088,point cloud retrieval,13
1091
- 1089,interactive video object segmentation,13
1092
- 1090,inductive knowledge graph completion,13
1093
- 1091,grayscale image denoising,13
1094
- 1092,self knowledge distillation,13
1095
- 1093,few shot ner,13
1096
- 1094,sound event localization and detection,13
1097
- 1095,model discovery,13
1098
- 1096,lexical normalization,13
1099
- 1097,supervised dimensionality reduction,13
1100
- 1098,irregular text recognition,13
1101
- 1099,image manipulation detection,13
1102
- 1100,medical image retrieval,13
1103
- 1101,robust speech recognition,13
1104
- 1102,music genre recognition,13
1105
- 1103,sentence ordering,13
1106
- 1104,art analysis,13
1107
- 1105,multi label zero shot learning,13
1108
- 1106,unsupervised 3d point cloud linear evaluation,13
1109
- 1107,brain decoding,13
1110
- 1108,audio signal processing,13
1111
- 1109,audio super resolution,13
1112
- 1110,image steganography,13
1113
- 1111,layout to image generation,13
1114
- 1112,motion detection,13
1115
- 1113,video saliency prediction,13
1116
- 1114,one shot segmentation,13
1117
- 1115,unsupervised extractive summarization,13
1118
- 1116,text based person retrieval,13
1119
- 1117,co salient object detection,13
1120
- 1118,stereo lidar fusion,13
1121
- 1119,iris segmentation,13
1122
- 1120,3d face animation,13
1123
- 1121,diabetic retinopathy detection,13
1124
- 1122,medical code prediction,13
1125
- 1123,domain adaptive person re identification,13
1126
- 1124,relationship extraction (distant supervised),12
1127
- 1125,electromyography (emg),12
1128
- 1126,license plate detection,12
1129
- 1127,weakly supervised instance segmentation,12
1130
- 1128,short text conversation,12
1131
- 1129,metaheuristic optimization,12
1132
- 1130,image outpainting,12
1133
- 1131,online clustering,12
1134
- 1132,atari games 100k,12
1135
- 1133,3d absolute human pose estimation,12
1136
- 1134,colorectal polyps characterization,12
1137
- 1135,image animation,12
1138
- 1136,joint multilingual sentence representations,12
1139
- 1137,multi agent path finding,12
1140
- 1138,hyperspectral image super resolution,12
1141
- 1139,disjoint 10 1,12
1142
- 1140,temporal information extraction,12
1143
- 1141,portrait segmentation,12
1144
- 1142,depression detection,12
1145
- 1143,3d aware image synthesis,12
1146
- 1144,3d object reconstruction from a single image,12
1147
- 1145,clone detection,12
1148
- 1146,room layout estimation,12
1149
- 1147,disjoint 15 1,12
1150
- 1148,skills assessment,12
1151
- 1149,contour detection,12
1152
- 1150,medical report generation,12
1153
- 1151,overlapped 10 1,12
1154
- 1152,stock trend prediction,12
1155
- 1153,abstractive dialogue summarization,12
1156
- 1154,generalizable person re identification,12
1157
- 1155,animal pose estimation,12
1158
- 1156,disjoint 15 5,12
1159
- 1157,voice anti spoofing,11
1160
- 1158,cross domain named entity recognition,11
1161
- 1159,domain 11 1,11
1162
- 1160,zero shot image classification,11
1163
- 1161,overlapped 15 5,11
1164
- 1162,spatio temporal action localization,11
1165
- 1163,domain 11 5,11
1166
- 1164,acrobot,11
1167
- 1165,multiple sequence alignment,11
1168
- 1166,multiple people tracking,11
1169
- 1167,automated essay scoring,11
1170
- 1168,non intrusive load monitoring,11
1171
- 1169,domain 1 1,11
1172
- 1170,traffic sign detection,11
1173
- 1171,face presentation attack detection,11
1174
- 1172,overlapped 15 1,11
1175
- 1173,compositional zero shot learning,11
1176
- 1174,link property prediction,11
1177
- 1175,font generation,11
1178
- 1176,data free quantization,11
1179
- 1177,3d shape retrieval,11
1180
- 1178,3d shape modeling,11
1181
- 1179,drone navigation,11
1182
- 1180,gesture generation,11
1183
- 1181,extract aspect,11
1184
- 1182,music auto tagging,11
1185
- 1183,authorship verification,11
1186
- 1184,audio visual speech recognition,11
1187
- 1185,blind image deblurring,11
1188
- 1186,code documentation generation,11
1189
- 1187,dialog relation extraction,11
1190
- 1188,photo retouching,11
1191
- 1189,temporal knowledge graph completion,11
1192
- 1190,band gap,11
1193
- 1191,occlusion handling,11
1194
- 1192,question rewriting,11
1195
- 1193,review generation,11
1196
- 1194,multi view subspace clustering,11
1197
- 1195,end to end dialogue modelling,11
1198
- 1196,semantic image matting,11
1199
- 1197,empathetic response generation,11
1200
- 1198,single image haze removal,11
1201
- 1199,chinese sentence pair classification,11
1202
- 1200,image level supervised instance segmentation,11
1203
- 1201,human pose forecasting,11
1204
- 1202,cyber attack detection,10
1205
- 1203,camera shot boundary detection,10
1206
- 1204,zero shot text search,10
1207
- 1205,symmetry detection,10
1208
- 1206,set matching,10
1209
- 1207,sign language translation,10
1210
- 1208,highlight detection,10
1211
- 1209,unbiased scene graph generation,10
1212
- 1210,electron microscopy image segmentation,10
1213
- 1211,3d point cloud matching,10
1214
- 1212,semi supervised medical image segmentation,10
1215
- 1213,multi hop reading comprehension,10
1216
- 1214,sentence pair modeling,10
1217
- 1215,affordance detection,10
1218
- 1216,recipe generation,10
1219
- 1217,multi target regression,10
1220
- 1218,breast cancer histology image classification,10
1221
- 1219,crop yield prediction,10
1222
- 1220,aesthetics quality assessment,10
1223
- 1221,heart rate estimation,10
1224
- 1222,person recognition,10
1225
- 1223,object slam,10
1226
- 1224,variational monte carlo,10
1227
- 1225,automatic sleep stage classification,10
1228
- 1226,acoustic unit discovery,10
1229
- 1227,activity recognition in videos,10
1230
- 1228,camera relocalization,10
1231
- 1229,inductive relation prediction,10
1232
- 1230,chinese sentiment analysis,10
1233
- 1231,value prediction,10
1234
- 1232,cloud removal,10
1235
- 1233,learning semantic representations,10
1236
- 1234,deformable object manipulation,10
1237
- 1235,grammatical error detection,10
1238
- 1236,unsupervised facial landmark detection,10
1239
- 1237,algorithmic trading,10
1240
- 1238,long tail learning with class descriptors,10
1241
- 1239,document level event extraction,10
1242
- 1240,one shot object detection,10
1243
- 1241,snes games,10
1244
- 1242,road damage detection,10
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
data/selected_repos_task_counts.csv DELETED
@@ -1,1198 +0,0 @@
1
- ,task,count
2
- 0,general classification,406
3
- 1,semantic segmentation,384
4
- 2,reinforcement learning,364
5
- 3,translation,352
6
- 4,image classification,337
7
- 5,object detection,324
8
- 6,question answering,313
9
- 7,language modelling,306
10
- 8,representation learning,302
11
- 9,frame,284
12
- 10,transfer learning,265
13
- 11,machine translation,225
14
- 12,data augmentation,208
15
- 13,image generation,201
16
- 14,classification,191
17
- 15,domain adaptation,190
18
- 16,sentiment analysis,186
19
- 17,pose estimation,180
20
- 18,word embeddings,177
21
- 19,super resolution,174
22
- 20,time series,169
23
- 21,denoising,155
24
- 22,text generation,150
25
- 23,natural language inference,148
26
- 24,named entity recognition,133
27
- 25,text classification,133
28
- 26,multi task learning,132
29
- 27,speech recognition,120
30
- 28,decision making,117
31
- 29,action recognition,117
32
- 30,natural language understanding,114
33
- 31,person re identification,112
34
- 32,link prediction,112
35
- 33,self supervised learning,102
36
- 34,autonomous driving,100
37
- 35,atari games,99
38
- 36,style transfer,97
39
- 37,optical flow estimation,96
40
- 38,meta learning,91
41
- 39,reading comprehension,91
42
- 40,object tracking,90
43
- 41,temporal action localization,89
44
- 42,image super resolution,88
45
- 43,visual question answering,88
46
- 44,information retrieval,88
47
- 45,text summarization,86
48
- 46,semantic textual similarity,86
49
- 47,image to image translation,83
50
- 48,object recognition,82
51
- 49,variational inference,82
52
- 50,knowledge graphs,82
53
- 51,depth estimation,82
54
- 52,anomaly detection,82
55
- 53,abstractive text summarization,81
56
- 54,3d reconstruction,78
57
- 55,node classification,75
58
- 56,image captioning,74
59
- 57,image retrieval,74
60
- 58,recommendation systems,73
61
- 59,medical image segmentation,73
62
- 60,instance segmentation,73
63
- 61,graph embedding,71
64
- 62,feature engineering,70
65
- 63,q learning,68
66
- 64,few shot learning,68
67
- 65,quantization,66
68
- 66,common sense reasoning,66
69
- 67,face recognition,65
70
- 68,ner,65
71
- 69,relation extraction,64
72
- 70,metric learning,64
73
- 71,unsupervised domain adaptation,64
74
- 72,image restoration,62
75
- 73,image denoising,61
76
- 74,neural architecture search,59
77
- 75,3d human pose estimation,59
78
- 76,continuous control,59
79
- 77,keypoint detection,57
80
- 78,contrastive learning,57
81
- 79,conversational response selection,57
82
- 80,conditional image generation,56
83
- 81,speech enhancement,55
84
- 82,sentence classification,54
85
- 83,sentence embeddings,54
86
- 84,knowledge distillation,52
87
- 85,time series forecasting,52
88
- 86,dependency parsing,51
89
- 87,face alignment,50
90
- 88,real time object detection,50
91
- 89,graph classification,50
92
- 90,document classification,50
93
- 91,cross lingual natural language inference,49
94
- 92,dimensionality reduction,48
95
- 93,image inpainting,47
96
- 94,document summarization,46
97
- 95,autonomous vehicles,44
98
- 96,thermal image segmentation,44
99
- 97,object localization,44
100
- 98,action classification,43
101
- 99,image clustering,43
102
- 100,part of speech tagging,43
103
- 101,emotion recognition,42
104
- 102,type prediction,42
105
- 103,automatic speech recognition,42
106
- 104,multi person pose estimation,42
107
- 105,lesion segmentation,42
108
- 106,adversarial attack,41
109
- 107,vqa,41
110
- 108,region proposal,41
111
- 109,pos,41
112
- 110,multivariate time series forecasting,41
113
- 111,retinal vessel segmentation,41
114
- 112,cell segmentation,41
115
- 113,multi tissue nucleus segmentation,41
116
- 114,zero shot learning,41
117
- 115,video super resolution,41
118
- 116,semantic similarity,40
119
- 117,semantic parsing,40
120
- 118,interpretable machine learning,40
121
- 119,3d object detection,40
122
- 120,video semantic segmentation,40
123
- 121,drug discovery,40
124
- 122,domain generalization,40
125
- 123,optical character recognition,40
126
- 124,face verification,40
127
- 125,structured prediction,39
128
- 126,continual learning,39
129
- 127,colorization,39
130
- 128,semi supervised image classification,39
131
- 129,nuclear segmentation,38
132
- 130,linear probe classification,38
133
- 131,constituency parsing,38
134
- 132,coreference resolution,37
135
- 133,eeg,37
136
- 134,cross lingual transfer,37
137
- 135,video object segmentation,37
138
- 136,skeleton based action recognition,37
139
- 137,dialogue generation,36
140
- 138,multi object tracking,36
141
- 139,fact checking,36
142
- 140,action detection,36
143
- 141,video understanding,36
144
- 142,fine grained image classification,36
145
- 143,pancreas segmentation,36
146
- 144,stochastic optimization,35
147
- 145,bayesian inference,35
148
- 146,active learning,35
149
- 147,deblurring,35
150
- 148,image enhancement,34
151
- 149,image reconstruction,34
152
- 150,computed tomography (ct),34
153
- 151,multiple object tracking,34
154
- 152,multi label classification,34
155
- 153,video polyp segmentation,33
156
- 154,motion estimation,33
157
- 155,re ranking,33
158
- 156,model selection,33
159
- 157,speech synthesis,32
160
- 158,activity recognition,32
161
- 159,tag,32
162
- 160,self driving cars,32
163
- 161,collaborative filtering,32
164
- 162,2d human pose estimation,32
165
- 163,skin cancer segmentation,31
166
- 164,fairness,31
167
- 165,robot navigation,31
168
- 166,ssim,31
169
- 167,one shot learning,31
170
- 168,adversarial robustness,30
171
- 169,scene understanding,30
172
- 170,image quality assessment,30
173
- 171,multi agent reinforcement learning,30
174
- 172,online learning,30
175
- 173,model compression,30
176
- 174,visual object tracking,30
177
- 175,imitation learning,30
178
- 176,response generation,30
179
- 177,feature selection,30
180
- 178,hyperparameter optimization,30
181
- 179,graph attention,30
182
- 180,graph representation learning,30
183
- 181,self supervised image classification,30
184
- 182,graph regression,29
185
- 183,incremental learning,29
186
- 184,word similarity,29
187
- 185,question generation,29
188
- 186,salient object detection,29
189
- 187,rgb salient object detection,29
190
- 188,monocular depth estimation,29
191
- 189,disentanglement,29
192
- 190,visual tracking,29
193
- 191,action localization,29
194
- 192,trajectory prediction,29
195
- 193,extractive text summarization,29
196
- 194,brain tumor segmentation,28
197
- 195,text matching,28
198
- 196,masked language modeling,28
199
- 197,adversarial defense,28
200
- 198,gaussian processes,28
201
- 199,crowd counting,28
202
- 200,multiple instance learning,27
203
- 201,entity linking,27
204
- 202,outlier detection,27
205
- 203,video prediction,27
206
- 204,paraphrase identification,27
207
- 205,starcraft,27
208
- 206,out of distribution detection,27
209
- 207,slot filling,27
210
- 208,pedestrian detection,27
211
- 209,policy gradient methods,27
212
- 210,visual reasoning,26
213
- 211,fake news detection,26
214
- 212,3d part segmentation,26
215
- 213,motion prediction,26
216
- 214,pretrained language models,26
217
- 215,traffic prediction,26
218
- 216,face generation,26
219
- 217,knowledge graph embedding,26
220
- 218,open domain question answering,26
221
- 219,face identification,26
222
- 220,linguistic acceptability,26
223
- 221,density estimation,26
224
- 222,unsupervised machine translation,26
225
- 223,face detection,26
226
- 224,semantic role labeling,26
227
- 225,binarization,26
228
- 226,sentence embedding,26
229
- 227,extractive summarization,25
230
- 228,panoptic segmentation,25
231
- 229,pedestrian attribute recognition,25
232
- 230,time series prediction,25
233
- 231,image manipulation,25
234
- 232,multi task language understanding,25
235
- 233,image dehazing,25
236
- 234,semi supervised video object segmentation,25
237
- 235,video classification,25
238
- 236,visual localization,25
239
- 237,graph learning,24
240
- 238,scene text detection,24
241
- 239,3d pose estimation,24
242
- 240,relational reasoning,24
243
- 241,document image classification,24
244
- 242,edge detection,24
245
- 243,automl,24
246
- 244,knowledge graph completion,24
247
- 245,image registration,24
248
- 246,3d object reconstruction,24
249
- 247,multiple choice,24
250
- 248,federated learning,24
251
- 249,speaker verification,23
252
- 250,machine reading comprehension,23
253
- 251,3d semantic segmentation,23
254
- 252,network embedding,23
255
- 253,multimodal machine translation,23
256
- 254,monocular 3d human pose estimation,23
257
- 255,3d point cloud classification,23
258
- 256,intent classification,23
259
- 257,relation classification,23
260
- 258,change detection,23
261
- 259,community detection,23
262
- 260,graph generation,23
263
- 261,scene classification,23
264
- 262,video captioning,23
265
- 263,image matting,23
266
- 264,montezuma's revenge,22
267
- 265,tumor segmentation,22
268
- 266,data to text generation,22
269
- 267,3d instance segmentation,22
270
- 268,cross modal retrieval,22
271
- 269,unsupervised image to image translation,22
272
- 270,text style transfer,22
273
- 271,keyword spotting,22
274
- 272,causal inference,22
275
- 273,referring expression,22
276
- 274,text to image generation,22
277
- 275,image augmentation,22
278
- 276,breast tumour classification,22
279
- 277,video generation,22
280
- 278,intent detection,21
281
- 279,3d face reconstruction,21
282
- 280,scene text recognition,21
283
- 281,informativeness,21
284
- 282,word sense disambiguation,21
285
- 283,deep clustering,21
286
- 284,speech separation,21
287
- 285,stereo matching,21
288
- 286,facial landmark detection,21
289
- 287,misinformation,21
290
- 288,video retrieval,21
291
- 289,few shot image classification,21
292
- 290,hand pose estimation,21
293
- 291,visual place recognition,20
294
- 292,combinatorial optimization,20
295
- 293,robust classification,20
296
- 294,efficient exploration,20
297
- 295,6d pose estimation using rgb,20
298
- 296,multi class classification,20
299
- 297,human motion prediction,20
300
- 298,audio generation,20
301
- 299,rain removal,20
302
- 300,face swapping,20
303
- 301,aspect based sentiment analysis,20
304
- 302,music source separation,20
305
- 303,video segmentation,19
306
- 304,speaker recognition,19
307
- 305,simultaneous localization and mapping,19
308
- 306,electrocardiography (ecg),19
309
- 307,imputation,19
310
- 308,cross view image to image translation,19
311
- 309,pedestrian trajectory prediction,19
312
- 310,pneumonia detection,19
313
- 311,document ranking,19
314
- 312,graph to sequence,19
315
- 313,learning to rank,19
316
- 314,autonomous navigation,19
317
- 315,subjectivity analysis,19
318
- 316,network pruning,19
319
- 317,lane detection,19
320
- 318,visual navigation,19
321
- 319,word alignment,19
322
- 320,zero shot cross lingual transfer,19
323
- 321,event detection,19
324
- 322,code generation,19
325
- 323,action recognition in videos,19
326
- 324,unity,19
327
- 325,mortality prediction,18
328
- 326,saliency prediction,18
329
- 327,music information retrieval,18
330
- 328,referring expression comprehension,18
331
- 329,graph construction,18
332
- 330,unsupervised pre training,18
333
- 331,small data image classification,18
334
- 332,dictionary learning,18
335
- 333,object reconstruction,18
336
- 334,time series classification,18
337
- 335,speech emotion recognition,18
338
- 336,disguised face verification,18
339
- 337,malware detection,18
340
- 338,openai gym,18
341
- 339,6d pose estimation,18
342
- 340,medical diagnosis,18
343
- 341,feature importance,18
344
- 342,boundary detection,17
345
- 343,multi label learning,17
346
- 344,hierarchical reinforcement learning,17
347
- 345,real time semantic segmentation,17
348
- 346,image compression,17
349
- 347,spoken language understanding,17
350
- 348,sound event detection,17
351
- 349,program synthesis,17
352
- 350,pose prediction,17
353
- 351,topic models,17
354
- 352,weakly supervised object localization,17
355
- 353,video frame interpolation,17
356
- 354,3d medical imaging segmentation,17
357
- 355,news recommendation,17
358
- 356,vision and language navigation,17
359
- 357,weakly supervised semantic segmentation,17
360
- 358,answer selection,17
361
- 359,image deblurring,17
362
- 360,passage retrieval,17
363
- 361,human part segmentation,17
364
- 362,visual commonsense reasoning,17
365
- 363,task oriented dialogue systems,17
366
- 364,general reinforcement learning,17
367
- 365,fundus to angiography generation,17
368
- 366,synthetic to real translation,17
369
- 367,long tail learning,17
370
- 368,video recognition,17
371
- 369,video summarization,17
372
- 370,pose tracking,17
373
- 371,3d shape reconstruction,16
374
- 372,retinal oct disease classification,16
375
- 373,synthetic data generation,16
376
- 374,starcraft ii,16
377
- 375,dialogue state tracking,16
378
- 376,unsupervised image classification,16
379
- 377,scene segmentation,16
380
- 378,thoracic disease classification,16
381
- 379,multi human parsing,16
382
- 380,brain segmentation,16
383
- 381,stance detection,16
384
- 382,saliency detection,16
385
- 383,class incremental learning,16
386
- 384,novel view synthesis,16
387
- 385,visual odometry,16
388
- 386,model based reinforcement learning,16
389
- 387,arrhythmia detection,16
390
- 388,ensemble learning,16
391
- 389,face model,16
392
- 390,sleep stage detection,16
393
- 391,3d shape representation,16
394
- 392,conversational question answering,16
395
- 393,superpixels,16
396
- 394,intrusion detection,15
397
- 395,point cloud registration,15
398
- 396,deepfake detection,15
399
- 397,dota 2,15
400
- 398,face reconstruction,15
401
- 399,chunking,15
402
- 400,image stylization,15
403
- 401,multimodal sentiment analysis,15
404
- 402,human parsing,15
405
- 403,color image denoising,15
406
- 404,node property prediction,15
407
- 405,speaker specific lip to speech synthesis,15
408
- 406,knowledge base completion,15
409
- 407,cross lingual document classification,15
410
- 408,multi armed bandits,15
411
- 409,grammatical error correction,15
412
- 410,object counting,15
413
- 411,voice conversion,15
414
- 412,visual grounding,15
415
- 413,graph clustering,15
416
- 414,chinese named entity recognition,15
417
- 415,facial expression recognition,15
418
- 416,molecular property prediction,15
419
- 417,gaze estimation,15
420
- 418,temporal localization,15
421
- 419,single image deraining,15
422
- 420,trajectory forecasting,15
423
- 421,large scale person re identification,15
424
- 422,stereo matching hand,15
425
- 423,chatbot,15
426
- 424,3d hand pose estimation,15
427
- 425,sign language recognition,15
428
- 426,stereo depth estimation,15
429
- 427,time series analysis,14
430
- 428,survival analysis,14
431
- 429,demosaicking,14
432
- 430,document layout analysis,14
433
- 431,unsupervised video object segmentation,14
434
- 432,fine grained visual recognition,14
435
- 433,medical image registration,14
436
- 434,human detection,14
437
- 435,click through rate prediction,14
438
- 436,multivariate time series imputation,14
439
- 437,self supervised person re identification,14
440
- 438,cloze test,14
441
- 439,lexical simplification,14
442
- 440,emotion classification,14
443
- 441,story generation,14
444
- 442,depth completion,14
445
- 443,video description,14
446
- 444,unsupervised mnist,14
447
- 445,fraud detection,14
448
- 446,neural network compression,14
449
- 447,point processes,14
450
- 448,scene generation,14
451
- 449,whole slide images,14
452
- 450,handwriting recognition,14
453
- 451,hard attention,14
454
- 452,texture synthesis,14
455
- 453,multimodal unsupervised image to image translation,14
456
- 454,lip reading,14
457
- 455,knowledge graph embeddings,14
458
- 456,time series few shot learning with heterogeneous channels,14
459
- 457,adversarial text,14
460
- 458,speaker separation,14
461
- 459,motion planning,14
462
- 460,gesture recognition,14
463
- 461,video object detection,14
464
- 462,ad hoc information retrieval,14
465
- 463,opinion mining,14
466
- 464,point cloud classification,13
467
- 465,lemmatization,13
468
- 466,audio classification,13
469
- 467,video enhancement,13
470
- 468,multimodal deep learning,13
471
- 469,real time strategy games,13
472
- 470,robotic grasping,13
473
- 471,stock market prediction,13
474
- 472,human action generation,13
475
- 473,text simplification,13
476
- 474,age estimation,13
477
- 475,dialogue evaluation,13
478
- 476,traffic sign recognition,13
479
- 477,source code summarization,13
480
- 478,nested named entity recognition,13
481
- 479,lesion detection,13
482
- 480,chinese word segmentation,13
483
- 481,systematic generalization,13
484
- 482,speaker identification,13
485
- 483,hate speech detection,13
486
- 484,future prediction,13
487
- 485,text to speech synthesis,13
488
- 486,graph matching,13
489
- 487,motion compensation,13
490
- 488,skin lesion segmentation,13
491
- 489,audio tagging,13
492
- 490,sequential image classification,13
493
- 491,action segmentation,13
494
- 492,lung nodule segmentation,13
495
- 493,language identification,13
496
- 494,word translation,13
497
- 495,visual dialog,13
498
- 496,object detection in aerial images,13
499
- 497,entity typing,13
500
- 498,entity embeddings,13
501
- 499,sentence similarity,13
502
- 500,distributional reinforcement learning,13
503
- 501,selection bias,13
504
- 502,length of stay prediction,13
505
- 503,homography estimation,13
506
- 504,multimodal emotion recognition,13
507
- 505,gender prediction,13
508
- 506,single image dehazing,13
509
- 507,neural rendering,13
510
- 508,learning theory,13
511
- 509,motion forecasting,13
512
- 510,video question answering,13
513
- 511,ood detection,12
514
- 512,formation energy,12
515
- 513,temporal action proposal generation,12
516
- 514,change point detection,12
517
- 515,multilingual word embeddings,12
518
- 516,reflection removal,12
519
- 517,learning with noisy labels,12
520
- 518,image retrieval with multi modal query,12
521
- 519,deep attention,12
522
- 520,depth and camera motion,12
523
- 521,unsupervised anomaly detection,12
524
- 522,automated theorem proving,12
525
- 523,dense object detection,12
526
- 524,multi document summarization,12
527
- 525,speaker diarization,12
528
- 526,mri segmentation,12
529
- 527,motion synthesis,12
530
- 528,tensor networks,12
531
- 529,meta reinforcement learning,12
532
- 530,interest point detection,12
533
- 531,point cloud completion,12
534
- 532,inference attack,12
535
- 533,3d object classification,12
536
- 534,music tagging,12
537
- 535,event extraction,12
538
- 536,acoustic scene classification,12
539
- 537,offline rl,12
540
- 538,dense pixel correspondence estimation,12
541
- 539,scene recognition,12
542
- 540,scene parsing,12
543
- 541,face hallucination,12
544
- 542,fine grained image recognition,12
545
- 543,few shot object detection,12
546
- 544,edge computing,12
547
- 545,distributed computing,12
548
- 546,semi supervised anomaly detection,12
549
- 547,goal oriented dialog,12
550
- 548,argument mining,12
551
- 549,3d object recognition,12
552
- 550,3d face modeling,12
553
- 551,language acquisition,12
554
- 552,video to video synthesis,12
555
- 553,head pose estimation,12
556
- 554,small object detection,12
557
- 555,video quality assessment,12
558
- 556,talking head generation,12
559
- 557,cross lingual bitext mining,12
560
- 558,image matching,12
561
- 559,game of chess,12
562
- 560,one shot visual object segmentation,12
563
- 561,medical named entity recognition,12
564
- 562,compressive sensing,12
565
- 563,point cloud reconstruction,12
566
- 564,fps games,12
567
- 565,experimental design,12
568
- 566,motion segmentation,12
569
- 567,univariate time series forecasting,12
570
- 568,aspect extraction,12
571
- 569,data poisoning,12
572
- 570,ms ssim,12
573
- 571,grounded language learning,12
574
- 572,community question answering,12
575
- 573,music classification,12
576
- 574,point cloud segmentation,12
577
- 575,permuted mnist,12
578
- 576,fact verification,12
579
- 577,3d shape generation,12
580
- 578,medical image generation,12
581
- 579,entity extraction using gan,12
582
- 580,abuse detection,12
583
- 581,multiobjective optimization,12
584
- 582,video instance segmentation,12
585
- 583,human object interaction detection,12
586
- 584,point cloud generation,12
587
- 585,card games,12
588
- 586,surface reconstruction,12
589
- 587,multimodal activity recognition,12
590
- 588,text categorization,12
591
- 589,morphological analysis,12
592
- 590,explainable artificial intelligence,12
593
- 591,topological data analysis,12
594
- 592,curved text detection,12
595
- 593,two sample testing,12
596
- 594,patch matching,11
597
- 595,car pose estimation,11
598
- 596,line detection,11
599
- 597,headline generation,11
600
- 598,knowledge base population,11
601
- 599,humor detection,11
602
- 600,extractive document summarization,11
603
- 601,camera calibration,11
604
- 602,weather forecasting,11
605
- 603,conversational response generation,11
606
- 604,portfolio optimization,11
607
- 605,entity alignment,11
608
- 606,object discovery,11
609
- 607,program induction,11
610
- 608,citation intent classification,11
611
- 609,scene flow estimation,11
612
- 610,weakly supervised 3d human pose estimation,11
613
- 611,probabilistic deep learning,11
614
- 612,table detection,11
615
- 613,viewpoint estimation,11
616
- 614,abusive language,11
617
- 615,entity disambiguation,11
618
- 616,image forensics,11
619
- 617,medical relation extraction,11
620
- 618,parallel corpus mining,11
621
- 619,rgb d salient object detection,11
622
- 620,6d pose estimation using rgbd,11
623
- 621,jpeg artifact correction,11
624
- 622,automatic post editing,11
625
- 623,computational phenotyping,11
626
- 624,breast cancer detection,11
627
- 625,unsupervised reinforcement learning,11
628
- 626,graph partitioning,11
629
- 627,few shot semantic segmentation,11
630
- 628,image cropping,11
631
- 629,imbalanced classification,11
632
- 630,data visualization,11
633
- 631,matrix completion,11
634
- 632,accented speech recognition,11
635
- 633,heartbeat classification,11
636
- 634,semi supervised semantic segmentation,11
637
- 635,liver segmentation,11
638
- 636,learning to execute,11
639
- 637,protein structure prediction,11
640
- 638,unsupervised text style transfer,11
641
- 639,object categorization,11
642
- 640,board games,11
643
- 641,dialogue management,11
644
- 642,single view 3d reconstruction,11
645
- 643,hippocampus,11
646
- 644,text spotting,11
647
- 645,cardiac segmentation,11
648
- 646,fault detection,11
649
- 647,covid 19 diagnosis,11
650
- 648,audio source separation,11
651
- 649,safe exploration,11
652
- 650,environmental sound classification,11
653
- 651,joint entity and relation extraction,11
654
- 652,unsupervised image segmentation,11
655
- 653,one stage anchor free oriented object detection,11
656
- 654,noisy speech recognition,11
657
- 655,text augmentation,11
658
- 656,vehicle re identification,11
659
- 657,game of go,11
660
- 658,multi target domain adaptation,11
661
- 659,session based recommendations,11
662
- 660,weakly supervised object detection,11
663
- 661,ccg supertagging,11
664
- 662,cross lingual word embeddings,11
665
- 663,text clustering,11
666
- 664,knowledge tracing,11
667
- 665,disease prediction,11
668
- 666,code summarization,11
669
- 667,speech to text translation,11
670
- 668,brain image segmentation,11
671
- 669,weakly supervised classification,11
672
- 670,dynamic time warping,11
673
- 671,lidar semantic segmentation,11
674
- 672,noise estimation,11
675
- 673,face anti spoofing,11
676
- 674,natural language visual grounding,11
677
- 675,multi domain dialogue state tracking,11
678
- 676,keyphrase extraction,11
679
- 677,activity prediction,11
680
- 678,music modeling,11
681
- 679,sentence summarization,11
682
- 680,virtual try on,11
683
- 681,music transcription,11
684
- 682,weakly supervised segmentation,11
685
- 683,probabilistic programming,11
686
- 684,video denoising,11
687
- 685,tensor decomposition,11
688
- 686,egocentric activity recognition,11
689
- 687,open set learning,11
690
- 688,stance classification,11
691
- 689,template matching,11
692
- 690,sequential recommendation,11
693
- 691,mri reconstruction,11
694
- 692,low light image enhancement,11
695
- 693,sparse learning,11
696
- 694,3d multi person pose estimation,11
697
- 695,amr parsing,11
698
- 696,hand gesture recognition,11
699
- 697,bilingual lexicon induction,11
700
- 698,sleep staging,11
701
- 699,action unit detection,11
702
- 700,game of shogi,11
703
- 701,disparity estimation,11
704
- 702,decision making under uncertainty,11
705
- 703,semantic correspondence,10
706
- 704,document embedding,10
707
- 705,sarcasm detection,10
708
- 706,riemannian optimization,10
709
- 707,game of poker,10
710
- 708,triple classification,10
711
- 709,activity detection,10
712
- 710,visual storytelling,10
713
- 711,prediction intervals,10
714
- 712,scene graph generation,10
715
- 713,unconditional image generation,10
716
- 714,3d shape classification,10
717
- 715,perceptual distance,10
718
- 716,safe reinforcement learning,10
719
- 717,bias detection,10
720
- 718,table to text generation,10
721
- 719,pose transfer,10
722
- 720,discourse parsing,10
723
- 721,human pose forecasting,10
724
- 722,citation recommendation,10
725
- 723,morphological tagging,10
726
- 724,histopathological image classification,10
727
- 725,semantic dependency parsing,10
728
- 726,product recommendation,10
729
- 727,pico,10
730
- 728,sentence completion,10
731
- 729,interactive segmentation,10
732
- 730,normalising flows,10
733
- 731,foveation,10
734
- 732,epidemiology,10
735
- 733,caricature,10
736
- 734,2d object detection,10
737
- 735,out of distribution generalization,10
738
- 736,paraphrase generation,10
739
- 737,handwritten text recognition,10
740
- 738,transition based dependency parsing,10
741
- 739,numerical integration,10
742
- 740,graph mining,10
743
- 741,membership inference attack,10
744
- 742,text independent speaker verification,10
745
- 743,one class classifier,10
746
- 744,multi task audio source seperation,10
747
- 745,survival prediction,10
748
- 746,car racing,10
749
- 747,conversational search,10
750
- 748,constituency grammar induction,10
751
- 749,shadow removal,10
752
- 750,shadow detection,10
753
- 751,seizure detection,10
754
- 752,second order methods,10
755
- 753,answer generation,10
756
- 754,open domain dialog,10
757
- 755,bilevel optimization,10
758
- 756,3d object tracking,10
759
- 757,multi future trajectory prediction,10
760
- 758,spoken dialogue systems,10
761
- 759,text based games,10
762
- 760,generalization bounds,10
763
- 761,inductive logic programming,10
764
- 762,aerial scene classification,10
765
- 763,distributed optimization,10
766
- 764,multi view learning,10
767
- 765,video based person re identification,10
768
- 766,facial inpainting,10
769
- 767,surface normals estimation,10
770
- 768,l2 regularization,10
771
- 769,color constancy,10
772
- 770,lipreading,10
773
- 771,visual speech recognition,10
774
- 772,weakly supervised temporal action localization,10
775
- 773,weakly supervised action localization,10
776
- 774,unsupervised person re identification,10
777
- 775,malware classification,10
778
- 776,word sense induction,10
779
- 777,3d human reconstruction,10
780
- 778,multi hop question answering,10
781
- 779,classification with binary neural network,10
782
- 780,robust face alignment,10
783
- 781,semi supervised text classification,10
784
- 782,geometric matching,10
785
- 783,backdoor attack,10
786
- 784,no reference image quality assessment,10
787
- 785,robust object detection,10
788
- 786,handwritten digit recognition,10
789
- 787,information plane,10
790
- 788,remote sensing image classification,10
791
- 789,texture classification,10
792
- 790,graph similarity,10
793
- 791,dense video captioning,10
794
- 792,variable selection,10
795
- 793,open information extraction,10
796
- 794,stock price prediction,10
797
- 795,intent classification and slot filling,10
798
- 796,keyphrase generation,10
799
- 797,amr to text generation,10
800
- 798,automated feature engineering,10
801
- 799,vehicle pose estimation,10
802
- 800,sentence compression,10
803
- 801,multi frame super resolution,10
804
- 802,speech denoising,10
805
- 803,traveling salesman problem,10
806
- 804,spelling correction,10
807
- 805,distant speech recognition,10
808
- 806,data compression,10
809
- 807,music generation,10
810
- 808,stereo lidar fusion,10
811
- 809,birds eye view object detection,10
812
- 810,text to sql,10
813
- 811,anomaly detection in surveillance videos,10
814
- 812,pointgoal navigation,10
815
- 813,abnormal event detection in video,10
816
- 814,medical object detection,10
817
- 815,real time visual tracking,10
818
- 816,multi source unsupervised domain adaptation,10
819
- 817,person search,10
820
- 818,ecg classification,10
821
- 819,object proposal generation,10
822
- 820,unsupervised semantic segmentation,10
823
- 821,facial action unit detection,10
824
- 822,3d semantic scene completion,10
825
- 823,skull stripping,10
826
- 824,material recognition,10
827
- 825,mixed reality,10
828
- 826,fake image detection,10
829
- 827,camera localization,10
830
- 828,audio question answering,10
831
- 829,de identification,10
832
- 830,generalized zero shot learning,10
833
- 831,visual relationship detection,10
834
- 832,legged robots,10
835
- 833,3d point cloud reconstruction,10
836
- 834,protein folding,10
837
- 835,chinese reading comprehension,10
838
- 836,referring expression segmentation,10
839
- 837,spatio temporal forecasting,10
840
- 838,code search,10
841
- 839,human dynamics,10
842
- 840,decipherment,10
843
- 841,network intrusion detection,10
844
- 842,salt and pepper noise removal,10
845
- 843,phrase grounding,10
846
- 844,molecular graph generation,10
847
- 845,passage re ranking,10
848
- 846,spam detection,10
849
- 847,stochastic block model,10
850
- 848,multi goal reinforcement learning,10
851
- 849,self supervised action recognition,10
852
- 850,privacy preserving deep learning,10
853
- 851,seismic imaging,10
854
- 852,lung disease classification,10
855
- 853,knowledge base question answering,10
856
- 854,image similarity search,10
857
- 855,fine grained visual categorization,10
858
- 856,bayesian optimisation,10
859
- 857,sketch based image retrieval,10
860
- 858,emotion recognition in conversation,10
861
- 859,time series clustering,10
862
- 860,predictive process monitoring,10
863
- 861,node clustering,10
864
- 862,semantic composition,10
865
- 863,bsds500,10
866
- 864,volumetric medical image segmentation,10
867
- 865,person retrieval,10
868
- 866,text similarity,10
869
- 867,text segmentation,10
870
- 868,3d multi object tracking,10
871
- 869,probabilistic time series forecasting,10
872
- 870,3d face alignment,10
873
- 871,entity resolution,10
874
- 872,unsupervised object segmentation,10
875
- 873,additive models,10
876
- 874,self learning,10
877
- 875,small footprint keyword spotting,10
878
- 876,action anticipation,10
879
- 877,3d action recognition,10
880
- 878,joint multilingual sentence representations,10
881
- 879,sentence fusion,10
882
- 880,defect detection,10
883
- 881,term extraction,10
884
- 882,keyword extraction,10
885
- 883,3d depth estimation,10
886
- 884,graph sampling,10
887
- 885,morphological inflection,10
888
- 886,lexical entailment,10
889
- 887,sql to text,10
890
- 888,video compression,10
891
- 889,video style transfer,10
892
- 890,causal discovery,10
893
- 891,nested mention recognition,10
894
- 892,monocular 3d object detection,10
895
- 893,game of doom,10
896
- 894,extreme multi label classification,10
897
- 895,video inpainting,10
898
- 896,smac,10
899
- 897,action triplet recognition,10
900
- 898,transliteration,10
901
- 899,data summarization,10
902
- 900,mutual information estimation,9
903
- 901,edge classification,9
904
- 902,traffic sign detection,9
905
- 903,cross domain few shot,9
906
- 904,one shot object detection,9
907
- 905,low resource neural machine translation,9
908
- 906,mathematical proofs,9
909
- 907,image deconvolution,9
910
- 908,protein function prediction,9
911
- 909,review generation,9
912
- 910,3d shape modeling,9
913
- 911,online multi object tracking,9
914
- 912,multiple choice question answering (mcqa),9
915
- 913,generative question answering,9
916
- 914,art analysis,9
917
- 915,few shot relation classification,9
918
- 916,learning word embeddings,9
919
- 917,emotion cause extraction,9
920
- 918,image outpainting,9
921
- 919,program repair,9
922
- 920,image morphing,9
923
- 921,humanitarian,9
924
- 922,3d object reconstruction from a single image,9
925
- 923,malware analysis,9
926
- 924,3d point cloud linear classification,9
927
- 925,news classification,9
928
- 926,point clouds,9
929
- 927,supervised video summarization,9
930
- 928,physical simulations,9
931
- 929,unsupervised 3d point cloud linear evaluation,9
932
- 930,graph structure learning,9
933
- 931,multi label image classification,9
934
- 932,content based image retrieval,9
935
- 933,change detection for remote sensing images,9
936
- 934,age and gender classification,9
937
- 935,dialogue understanding,9
938
- 936,diabetic retinopathy detection,9
939
- 937,code completion,9
940
- 938,vulnerability detection,8
941
- 939,,8
942
- 940,semantic image matting,8
943
- 941,action generation,8
944
- 942,total energy,8
945
- 943,question similarity,8
946
- 944,image level supervised instance segmentation,8
947
- 945,multiple people tracking,8
948
- 946,video object tracking,8
949
- 947,face clustering,8
950
- 948,graph reconstruction,8
951
- 949,table recognition,8
952
- 950,moment retrieval,8
953
- 951,head detection,8
954
- 952,multi label text classification,8
955
- 953,unsupervised video summarization,8
956
- 954,grammatical error detection,8
957
- 955,rumour detection,8
958
- 956,vision language navigation,8
959
- 957,key information extraction,8
960
- 958,monocular visual odometry,8
961
- 959,blind super resolution,8
962
- 960,short text clustering,8
963
- 961,multilingual nlp,8
964
- 962,activity recognition in videos,8
965
- 963,sentence segmentation,8
966
- 964,3d point cloud matching,8
967
- 965,iris recognition,8
968
- 966,conditional text generation,8
969
- 967,unsupervised extractive summarization,8
970
- 968,spike sorting,8
971
- 969,blind image quality assessment,8
972
- 970,video restoration,8
973
- 971,fine grained action recognition,8
974
- 972,handwriting generation,8
975
- 973,dialogue act classification,8
976
- 974,medical image retrieval,8
977
- 975,layout to image generation,8
978
- 976,math word problem solving,8
979
- 977,stock prediction,8
980
- 978,talking face generation,8
981
- 979,recipe generation,8
982
- 980,3d face animation,8
983
- 981,transfer reinforcement learning,8
984
- 982,image deblocking,8
985
- 983,mathematical reasoning,8
986
- 984,electron microscopy image segmentation,8
987
- 985,rotated mnist,8
988
- 986,image smoothing,7
989
- 987,goal oriented dialogue systems,7
990
- 988,entity retrieval,7
991
- 989,zero shot action recognition,7
992
- 990,few shot text classification,7
993
- 991,portrait segmentation,7
994
- 992,gait recognition,7
995
- 993,contour detection,7
996
- 994,landmark recognition,7
997
- 995,camouflaged object segmentation,7
998
- 996,diachronic word embeddings,7
999
- 997,semantic slam,7
1000
- 998,audio super resolution,7
1001
- 999,discourse segmentation,7
1002
- 1000,automatic machine learning model selection,7
1003
- 1001,emotion cause pair extraction,7
1004
- 1002,density ratio estimation,7
1005
- 1003,image relighting,7
1006
- 1004,human mesh recovery,7
1007
- 1005,image based localization,7
1008
- 1006,genre classification,7
1009
- 1007,superpixel image classification,7
1010
- 1008,industrial robots,7
1011
- 1009,skin cancer classification,7
1012
- 1010,document ai,7
1013
- 1011,iris segmentation,7
1014
- 1012,partial domain adaptation,7
1015
- 1013,indoor localization,7
1016
- 1014,multiple sequence alignment,7
1017
- 1015,snes games,7
1018
- 1016,line segment detection,7
1019
- 1017,one shot segmentation,7
1020
- 1018,robust speech recognition,7
1021
- 1019,visual entailment,7
1022
- 1020,spatio temporal action localization,7
1023
- 1021,text attribute transfer,7
1024
- 1022,transparent objects,7
1025
- 1023,3d absolute human pose estimation,7
1026
- 1024,explanation generation,7
1027
- 1025,poker hand classification,7
1028
- 1026,real time multi object tracking,7
1029
- 1027,load forecasting,7
1030
- 1028,blind face restoration,7
1031
- 1029,tone mapping,7
1032
- 1030,topic classification,7
1033
- 1031,deception detection,7
1034
- 1032,jpeg compression artifact reduction,7
1035
- 1033,video reconstruction,7
1036
- 1034,single image haze removal,7
1037
- 1035,counterfactual inference,7
1038
- 1036,short text conversation,7
1039
- 1037,model extraction,6
1040
- 1038,text image retrieval,6
1041
- 1039,point cloud retrieval,6
1042
- 1040,zero shot cross modal retrieval,6
1043
- 1041,text based person retrieval,6
1044
- 1042,cross domain named entity recognition,6
1045
- 1043,deformable medical image registration,6
1046
- 1044,hyperspectral unmixing,6
1047
- 1045,cloud detection,6
1048
- 1046,person identification,6
1049
- 1047,auxiliary learning,6
1050
- 1048,band gap,6
1051
- 1049,disaster response,6
1052
- 1050,robust face recognition,6
1053
- 1051,sentence pair modeling,6
1054
- 1052,event coreference resolution,6
1055
- 1053,music genre recognition,6
1056
- 1054,unsupervised facial landmark detection,6
1057
- 1055,data free quantization,6
1058
- 1056,music genre classification,6
1059
- 1057,lesion classification,6
1060
- 1058,crop yield prediction,6
1061
- 1059,dynamic link prediction,6
1062
- 1060,3d human pose and shape estimation,6
1063
- 1061,resynthesis,6
1064
- 1062,kg to text generation,6
1065
- 1063,face parsing,6
1066
- 1064,cross domain few shot learning,6
1067
- 1065,meeting summarization,6
1068
- 1066,multi label zero shot learning,6
1069
- 1067,passage ranking,6
1070
- 1068,text infilling,6
1071
- 1069,myocardial infarction detection,6
1072
- 1070,audio captioning,6
1073
- 1071,value prediction,6
1074
- 1072,atari games 100k,6
1075
- 1073,domain 11 1,6
1076
- 1074,sentence ordering,6
1077
- 1075,overlapped 10 1,6
1078
- 1076,domain 11 5,6
1079
- 1077,disjoint 15 5,6
1080
- 1078,acrobot,6
1081
- 1079,learning semantic representations,6
1082
- 1080,long tail learning with class descriptors,6
1083
- 1081,video stabilization,6
1084
- 1082,license plate recognition,6
1085
- 1083,disjoint 10 1,6
1086
- 1084,disjoint 15 1,6
1087
- 1085,domain 1 1,6
1088
- 1086,acoustic unit discovery,6
1089
- 1087,gpr,6
1090
- 1088,action quality assessment,6
1091
- 1089,extract aspect,6
1092
- 1090,temporal information extraction,6
1093
- 1091,twitter sentiment analysis,6
1094
- 1092,intrinsic image decomposition,6
1095
- 1093,online clustering,5
1096
- 1094,brain decoding,5
1097
- 1095,zero shot object detection,5
1098
- 1096,counterfactual explanation,5
1099
- 1097,video alignment,5
1100
- 1098,variational monte carlo,5
1101
- 1099,sign language translation,5
1102
- 1100,text to video retrieval,5
1103
- 1101,audio visual speech recognition,5
1104
- 1102,skin lesion classification,5
1105
- 1103,inductive knowledge graph completion,5
1106
- 1104,instrument recognition,5
1107
- 1105,gesture generation,5
1108
- 1106,multi hop reading comprehension,5
1109
- 1107,time series regression,5
1110
- 1108,physics informed machine learning,5
1111
- 1109,image manipulation detection,5
1112
- 1110,image quality estimation,5
1113
- 1111,model discovery,5
1114
- 1112,overlapped 15 1,5
1115
- 1113,extreme summarization,5
1116
- 1114,automatic sleep stage classification,5
1117
- 1115,2d semantic segmentation,5
1118
- 1116,dialect identification,5
1119
- 1117,cyber attack detection,5
1120
- 1118,dqn replay dataset,5
1121
- 1119,underwater image restoration,5
1122
- 1120,multi target regression,5
1123
- 1121,video saliency prediction,5
1124
- 1122,cross lingual ner,5
1125
- 1123,stock trend prediction,5
1126
- 1124,group activity recognition,5
1127
- 1125,3d shape retrieval,5
1128
- 1126,non intrusive load monitoring,5
1129
- 1127,sound event localization and detection,5
1130
- 1128,music auto tagging,5
1131
- 1129,colorectal polyps characterization,5
1132
- 1130,road damage detection,5
1133
- 1131,overlapped 15 5,5
1134
- 1132,artificial life,5
1135
- 1133,photo retouching,5
1136
- 1134,aesthetics quality assessment,5
1137
- 1135,semantic text matching,5
1138
- 1136,grayscale image denoising,5
1139
- 1137,symmetry detection,5
1140
- 1138,image defocus deblurring,4
1141
- 1139,image animation,4
1142
- 1140,license plate detection,3
1143
- 1141,clone detection,3
1144
- 1142,metaheuristic optimization,3
1145
- 1143,breast cancer histology image classification,2
1146
- 1144,drone navigation,2
1147
- 1145,long range modeling,2
1148
- 1146,temporal knowledge graph completion,2
1149
- 1147,code translation,2
1150
- 1148,loop closure detection,2
1151
- 1149,question rewriting,2
1152
- 1150,animal pose estimation,2
1153
- 1151,aspect sentiment triplet extraction,2
1154
- 1152,video salient object detection,2
1155
- 1153,co salient object detection,2
1156
- 1154,personalized federated learning,2
1157
- 1155,camera shot boundary detection,2
1158
- 1156,news summarization,2
1159
- 1157,unbiased scene graph generation,2
1160
- 1158,medical code prediction,2
1161
- 1159,single object discovery,1
1162
- 1160,abstractive dialogue summarization,1
1163
- 1161,inductive relation prediction,1
1164
- 1162,image stitching,1
1165
- 1163,generalizable person re identification,1
1166
- 1164,object slam,1
1167
- 1165,semi supervised medical image segmentation,1
1168
- 1166,code documentation generation,1
1169
- 1167,event based vision,1
1170
- 1168,room layout estimation,1
1171
- 1169,token classification,1
1172
- 1170,authorship verification,1
1173
- 1171,3d shape recognition,1
1174
- 1172,person recognition,1
1175
- 1173,connectivity estimation,1
1176
- 1174,weakly supervised instance segmentation,1
1177
- 1175,occlusion handling,1
1178
- 1176,compositional zero shot learning,1
1179
- 1177,3d classification,1
1180
- 1178,stereo disparity estimation,1
1181
- 1179,zero shot image classification,1
1182
- 1180,explainable models,1
1183
- 1181,meme classification,1
1184
- 1182,heart rate estimation,1
1185
- 1183,domain adaptive person re identification,1
1186
- 1184,dialog relation extraction,1
1187
- 1185,motion detection,1
1188
- 1186,hyperspectral image classification,1
1189
- 1187,skills assessment,1
1190
- 1188,irregular text recognition,1
1191
- 1189,real time instance segmentation,1
1192
- 1190,blind image deblurring,1
1193
- 1191,interactive video object segmentation,1
1194
- 1192,model poisoning,1
1195
- 1193,zero shot text to image generation,1
1196
- 1194,action understanding,1
1197
- 1195,low rank matrix completion,1
1198
- 1196,hyperspectral image super resolution,1
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
gradio_tabs.py CHANGED
@@ -57,7 +57,7 @@ def setup_repository_representations_tab(repos_df, repos, representation_types):
57
  representation2 = gr.Dropdown(
58
  choices=representation_types,
59
  label="Representation 2",
60
- value="generated_readme",
61
  )
62
 
63
  with gr.Row():
 
57
  representation2 = gr.Dropdown(
58
  choices=representation_types,
59
  label="Representation 2",
60
+ value="code2doc_generated_readme",
61
  )
62
 
63
  with gr.Row():
task_visualizations.py CHANGED
@@ -1,5 +1,6 @@
1
  import pandas as pd
2
  import plotly.express as px
 
3
 
4
 
5
  class TaskVisualizations:
@@ -15,10 +16,15 @@ class TaskVisualizations:
15
 
16
  @classmethod
17
  def load_tasks_with_areas_df(
18
- cls, task_counts_path, tasks_with_areas_path="data/paperswithcode_tasks.csv"
19
  ):
20
- task_counts_df = pd.read_csv(task_counts_path)
21
- raw_tasks_with_areas_df = pd.read_csv(tasks_with_areas_path)
 
 
 
 
 
22
  return raw_tasks_with_areas_df.merge(task_counts_df, on="task")
23
 
24
  @classmethod
 
1
  import pandas as pd
2
  import plotly.express as px
3
+ import datasets
4
 
5
 
6
  class TaskVisualizations:
 
16
 
17
  @classmethod
18
  def load_tasks_with_areas_df(
19
+ cls, task_counts_path, tasks_with_areas_path="paperswithcode_tasks.csv"
20
  ):
21
+ task_counts_df = datasets.load_dataset(
22
+ "lambdaofgod/pwc_github_search", data_files=task_counts_path
23
+ )["train"].to_pandas()
24
+
25
+ raw_tasks_with_areas_df = datasets.load_dataset(
26
+ "lambdaofgod/pwc_github_search", data_files=tasks_with_areas_path
27
+ )["train"].to_pandas()
28
  return raw_tasks_with_areas_df.merge(task_counts_df, on="task")
29
 
30
  @classmethod
text_visualization.py CHANGED
@@ -6,6 +6,7 @@ import numpy as np
6
  import PIL
7
  import plotly.express as px
8
  import pandas as pd
 
9
 
10
 
11
  class WordCloudExtractor(BaseModel):
@@ -139,8 +140,11 @@ class EmbeddingVisualizer(BaseModel):
139
  displayed_tasks_df = display_df[
140
  display_df["representation"] == "task"
141
  ].sort_values("representation")
 
 
 
142
  displayed_tasks_df = displayed_tasks_df.merge(
143
- pd.read_csv("data/paperswithcode_tasks.csv"),
144
  left_on="name",
145
  right_on="task",
146
  )
 
6
  import PIL
7
  import plotly.express as px
8
  import pandas as pd
9
+ import datasets
10
 
11
 
12
  class WordCloudExtractor(BaseModel):
 
140
  displayed_tasks_df = display_df[
141
  display_df["representation"] == "task"
142
  ].sort_values("representation")
143
+ pwc_tasks_df = datasets.load_dataset(
144
+ "lambdaofgod/pwc_github_search", data_files="paperswithcode_tasks.csv"
145
+ )["train"].to_pandas()
146
  displayed_tasks_df = displayed_tasks_df.merge(
147
+ pwc_tasks_df,
148
  left_on="name",
149
  right_on="task",
150
  )