forked from ml-tooling/best-of-ml-python
-
Notifications
You must be signed in to change notification settings - Fork 0
/
Copy pathprojects.yaml
4649 lines (4646 loc) · 126 KB
/
projects.yaml
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
83
84
85
86
87
88
89
90
91
92
93
94
95
96
97
98
99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
161
162
163
164
165
166
167
168
169
170
171
172
173
174
175
176
177
178
179
180
181
182
183
184
185
186
187
188
189
190
191
192
193
194
195
196
197
198
199
200
201
202
203
204
205
206
207
208
209
210
211
212
213
214
215
216
217
218
219
220
221
222
223
224
225
226
227
228
229
230
231
232
233
234
235
236
237
238
239
240
241
242
243
244
245
246
247
248
249
250
251
252
253
254
255
256
257
258
259
260
261
262
263
264
265
266
267
268
269
270
271
272
273
274
275
276
277
278
279
280
281
282
283
284
285
286
287
288
289
290
291
292
293
294
295
296
297
298
299
300
301
302
303
304
305
306
307
308
309
310
311
312
313
314
315
316
317
318
319
320
321
322
323
324
325
326
327
328
329
330
331
332
333
334
335
336
337
338
339
340
341
342
343
344
345
346
347
348
349
350
351
352
353
354
355
356
357
358
359
360
361
362
363
364
365
366
367
368
369
370
371
372
373
374
375
376
377
378
379
380
381
382
383
384
385
386
387
388
389
390
391
392
393
394
395
396
397
398
399
400
401
402
403
404
405
406
407
408
409
410
411
412
413
414
415
416
417
418
419
420
421
422
423
424
425
426
427
428
429
430
431
432
433
434
435
436
437
438
439
440
441
442
443
444
445
446
447
448
449
450
451
452
453
454
455
456
457
458
459
460
461
462
463
464
465
466
467
468
469
470
471
472
473
474
475
476
477
478
479
480
481
482
483
484
485
486
487
488
489
490
491
492
493
494
495
496
497
498
499
500
501
502
503
504
505
506
507
508
509
510
511
512
513
514
515
516
517
518
519
520
521
522
523
524
525
526
527
528
529
530
531
532
533
534
535
536
537
538
539
540
541
542
543
544
545
546
547
548
549
550
551
552
553
554
555
556
557
558
559
560
561
562
563
564
565
566
567
568
569
570
571
572
573
574
575
576
577
578
579
580
581
582
583
584
585
586
587
588
589
590
591
592
593
594
595
596
597
598
599
600
601
602
603
604
605
606
607
608
609
610
611
612
613
614
615
616
617
618
619
620
621
622
623
624
625
626
627
628
629
630
631
632
633
634
635
636
637
638
639
640
641
642
643
644
645
646
647
648
649
650
651
652
653
654
655
656
657
658
659
660
661
662
663
664
665
666
667
668
669
670
671
672
673
674
675
676
677
678
679
680
681
682
683
684
685
686
687
688
689
690
691
692
693
694
695
696
697
698
699
700
701
702
703
704
705
706
707
708
709
710
711
712
713
714
715
716
717
718
719
720
721
722
723
724
725
726
727
728
729
730
731
732
733
734
735
736
737
738
739
740
741
742
743
744
745
746
747
748
749
750
751
752
753
754
755
756
757
758
759
760
761
762
763
764
765
766
767
768
769
770
771
772
773
774
775
776
777
778
779
780
781
782
783
784
785
786
787
788
789
790
791
792
793
794
795
796
797
798
799
800
801
802
803
804
805
806
807
808
809
810
811
812
813
814
815
816
817
818
819
820
821
822
823
824
825
826
827
828
829
830
831
832
833
834
835
836
837
838
839
840
841
842
843
844
845
846
847
848
849
850
851
852
853
854
855
856
857
858
859
860
861
862
863
864
865
866
867
868
869
870
871
872
873
874
875
876
877
878
879
880
881
882
883
884
885
886
887
888
889
890
891
892
893
894
895
896
897
898
899
900
901
902
903
904
905
906
907
908
909
910
911
912
913
914
915
916
917
918
919
920
921
922
923
924
925
926
927
928
929
930
931
932
933
934
935
936
937
938
939
940
941
942
943
944
945
946
947
948
949
950
951
952
953
954
955
956
957
958
959
960
961
962
963
964
965
966
967
968
969
970
971
972
973
974
975
976
977
978
979
980
981
982
983
984
985
986
987
988
989
990
991
992
993
994
995
996
997
998
999
1000
.configuration:
min_stars: 300
require_github: True
max_trending_projects: 10
allowed_licenses:
[
"Unlicense",
"Apache-2.0",
"MIT",
"BSD-3-Clause",
"BSD-2-Clause",
"ISC",
"MPL-2.0",
"LGPL-2.1"
]
markdown_header_file: "config/header.md"
markdown_footer_file: "config/footer.md"
projects_history_folder: "history"
categories:
- category: "ml-frameworks"
title: "Machine Learning Frameworks"
subtitle: "General-purpose machine learning and deep learning frameworks."
- category: "data-viz"
title: "Data Visualization"
subtitle: "General-purpose and task-specific data visualization libraries."
- category: "nlp"
title: "Text Data & NLP"
subtitle: "Libraries for processing, cleaning, manipulating, and analyzing text data as well as libraries for NLP tasks such as language detection, fuzzy matching, classification, seq2seq learning, conversational AI, keyword extraction, and translation."
- category: "image"
title: "Image Data"
subtitle: "Libraries for image & video processing, manipulation, and augmentation as well as libraries for computer vision tasks such as facial recognition, object detection, and classification."
- category: "graph"
title: "Graph Data"
subtitle: "Libraries for graph processing, clustering, embedding, and machine learning tasks."
- category: "audio"
title: "Audio Data"
subtitle: "Libraries for audio analysis, manipulation, transformation, and extraction, as well as speech recognition and music generation tasks."
- category: "geospatial-data"
title: "Geospatial Data"
subtitle: "Libraries to load, process, analyze, and write geographic data as well as libraries for spatial analysis, map visualization, and geocoding."
- category: "financial-data"
title: "Financial Data"
subtitle: "Libraries for algorithmic stock/crypto trading, risk analytics, backtesting, technical analysis, and other tasks on financial data."
- category: "time-series-data"
title: "Time Series Data"
subtitle: "Libraries for forecasting, anomaly detection, feature extraction, and machine learning on time-series and sequential data."
- category: "medical-data"
title: "Medical Data"
subtitle: "Libraries for processing and analyzing medical data such as MRIs, EEGs, genomic data, and other medical imaging formats."
- category: "tabular"
title: "Tabular Data"
subtitle: "Libraries for processing tabular and structured data."
- category: "ocr"
title: "Optical Character Recognition"
subtitle: "Libraries for optical character recognition (OCR) and text extraction from images or videos."
- category: "data-containers"
title: "Data Containers & Structures"
subtitle: "General-purpose data containers & structures as well as utilities & extensions for pandas."
- category: "data-loading"
title: "Data Loading & Extraction"
subtitle: "Libraries for loading, collecting, and extracting data from a variety of data sources and formats."
- category: "web-scraping"
title: "Web Scraping & Crawling"
subtitle: "Libraries for web scraping, crawling, downloading, and mining as well as libraries."
- category: "data-pipelines"
title: "Data Pipelines & Streaming"
subtitle: "Libraries for data batch- and stream-processing, workflow automation, job scheduling, and other data pipeline tasks."
- category: "distributed-ml"
title: "Distributed Machine Learning"
subtitle: "Libraries that provide capabilities to distribute and parallelize machine learning tasks across large-scale compute infrastructure."
- category: "hyperopt"
title: "Hyperparameter Optimization & AutoML"
subtitle: "Libraries for hyperparameter optimization, automl and neural architecture search."
- category: "reinforcement-learning"
title: "Reinforcement Learning"
subtitle: "Libraries for building and evaluating reinforcement learning & agent-based systems."
- category: "recommender-systems"
title: "Recommender Systems"
subtitle: "Libraries for building and evaluating recommendation systems."
- category: "privacy-ml"
title: "Privacy Machine Learning"
subtitle: "Libraries for encrypted and privacy-preserving machine learning using methods like federated learning & differential privacy."
- category: "ml-experiments"
title: "Workflow & Experiment Tracking"
subtitle: "Libraries to organize, track, and visualize machine learning experiments."
- category: "model-serialisation"
title: "Model Serialization & Deployment"
subtitle: "Libraries to serialize models to files, convert between a variety of model formats, and optimize models for deployment."
- category: "interpretability"
title: "Model Interpretability"
subtitle: "Libraries to visualize, explain, debug, evaluate, and interpret machine learning models."
- category: "nn-search"
title: "Vector Similarity Search (ANN)"
subtitle: "Libraries for Approximate Nearest Neighbor Search and Vector Indexing/Similarity Search."
- category: "probabilistics"
title: "Probabilistics & Statistics"
subtitle: "Libraries providing capabilities for probabilistic programming/reasoning, bayesian inference, gaussian processes, or statistics."
- category: "adversarial"
title: "Adversarial Robustness"
subtitle: "Libraries for testing the robustness of machine learning models against attacks with adversarial/malicious examples."
- category: "gpu-utilities"
title: "GPU & Accelerator Utilities"
subtitle: "Libraries that require and make use of CUDA/GPU or other accelerator hardware capabilities to optimize machine learning tasks."
- category: "tensorflow-utils"
title: "Tensorflow Utilities"
subtitle: "Libraries that extend TensorFlow with additional capabilities."
- category: "jax-utils"
title: "Jax Utilities"
subtitle: "Libraries that extend Jax with additional capabilities."
- category: "sklearn-utils"
title: "Sklearn Utilities"
subtitle: "Libraries that extend scikit-learn with additional capabilities."
- category: "pytorch-utils"
title: "Pytorch Utilities"
subtitle: "Libraries that extend Pytorch with additional capabilities."
- category: "db-clients"
title: "Database Clients"
subtitle: "Libraries for connecting to, operating, and querying databases."
- category: "chinese-nlp"
title: "Chinese NLP"
ignore: True
labels:
- label: "tensorflow"
image: "https://git.io/JLy1A"
description: "Tensorflow related project"
- label: "sklearn"
image: "https://git.io/JLy1F"
description: "Sklearn related project"
- label: "pytorch"
image: "https://git.io/JLy1Q"
description: "PyTorch related project"
- label: "mxnet"
image: "https://git.io/JLy1X"
description: "MxNet related project"
- label: "spark"
image: "https://git.io/JLy1N"
description: "Apache Spark related project"
- label: "jupyter"
image: "https://git.io/JLy1E"
description: "Jupyter related project"
- label: "paddle"
image: "https://git.io/JLy1M"
description: "PaddlePaddle related project"
- label: "pandas"
image: "https://git.io/JLy1S"
description: "Pandas related project"
- label: "jax"
image: "https://jax.readthedocs.io/en/latest/_static/favicon.png"
description: "Jax related project"
projects:
- name: Tensorflow
github_id: tensorflow/tensorflow
pypi_id: tensorflow
conda_id: conda-forge/tensorflow
dockerhub_id: tensorflow/tensorflow
docs_url: https://www.tensorflow.org/overview
category: ml-frameworks
labels: ["tensorflow"]
- name: PyTorch
github_id: pytorch/pytorch
pypi_id: torch
conda_id: pytorch/pytorch
docs_url: https://pytorch.org/docs/stable/index.html
category: ml-frameworks
labels: ["pytorch"]
license: BSD-3-Clause
- name: Keras
github_id: keras-team/keras
pypi_id: keras
conda_id: conda-forge/keras
docs_url: https://keras.io
category: ml-frameworks
labels: ["tensorflow"]
- name: XGBoost
github_id: dmlc/xgboost
pypi_id: xgboost
conda_id: conda-forge/xgboost
docs_url: https://xgboost.readthedocs.io/en/latest/
category: ml-frameworks
- name: scikit-learn
github_id: scikit-learn/scikit-learn
pypi_id: scikit-learn
conda_id: conda-forge/scikit-learn
category: ml-frameworks
labels: ["sklearn"]
- name: CNTK
github_id: microsoft/CNTK
pypi_id: cntk
category: ml-frameworks
- name: MXNet
github_id: apache/incubator-mxnet
pypi_id: mxnet
conda_id: mxnet
category: ml-frameworks
labels: ["mxnet"]
- name: Catboost
github_id: catboost/catboost
pypi_id: catboost
conda_id: conda-forge/catboost
category: ml-frameworks
- name: Fastai
github_id: fastai/fastai
pypi_id: fastai
category: ml-frameworks
labels: ["pytorch"]
- name: LightGBM
github_id: microsoft/LightGBM
pypi_id: lightgbm
conda_id: conda-forge/lightgbm
category: ml-frameworks
- name: Geomstats
github_id: geomstats/geomstats
pypi_id: geomstats
conda_id: conda-forge/geomstats
docs_url: https://geomstats.github.io/
category: ml-frameworks
- name: Theano
github_id: Theano/Theano
pypi_id: theano
conda_id: conda-forge/theano
category: ml-frameworks
- name: Chainer
github_id: chainer/chainer
pypi_id: chainer
conda_id: conda-forge/chainer
category: ml-frameworks
- name: TFlearn
github_id: tflearn/tflearn
pypi_id: tflearn
category: ml-frameworks
labels: ["tensorflow"]
- name: Sonnet
github_id: deepmind/sonnet
pypi_id: dm-sonnet
conda_id: conda-forge/sonnet
category: ml-frameworks
labels: ["tensorflow"]
- name: Vowpal Wabbit
github_id: VowpalWabbit/vowpal_wabbit
pypi_id: vowpalwabbit
conda_id: conda-forge/vowpalwabbit
category: ml-frameworks
license: BSD-3-Clause
- name: Ludwig
github_id: ludwig-ai/ludwig
pypi_id: ludwig
category: ml-frameworks
labels: ["tensorflow"]
- name: PaddlePaddle
github_id: PaddlePaddle/Paddle
pypi_id: paddlepaddle
category: ml-frameworks
labels: ["paddle"]
- name: PySpark
github_id: apache/spark
pypi_id: pyspark
conda_id: conda-forge/pyspark
category: ml-frameworks
labels: ["spark"]
helm_id: stable/spark
description: Apache Spark Python API.
- name: PyFlink
github_id: apache/flink
pypi_id: apache-flink
category: ml-frameworks
description: Apache Flink Python API.
- name: ktrain
github_id: amaiya/ktrain
pypi_id: ktrain
category: ml-frameworks
labels: ["tensorflow"]
- name: tensorpack
github_id: tensorpack/tensorpack
pypi_id: tensorpack
conda_id: conda-forge/tensorpack
category: ml-frameworks
labels: ["tensorflow"]
- name: Ignite
github_id: pytorch/ignite
pypi_id: pytorch-ignite
conda_id: pytorch/ignite
category: ml-frameworks
labels: ["pytorch"]
- name: pytorch-lightning
github_id: Lightning-AI/lightning
pypi_id: pytorch-lightning
conda_id: conda-forge/pytorch-lightning
category: ml-frameworks
labels: ["pytorch"]
- name: skorch
github_id: skorch-dev/skorch
pypi_id: skorch
conda_id: conda-forge/skorch
category: ml-frameworks
labels: ["pytorch", "sklearn"]
- name: Torchbearer
github_id: pytorchbearer/torchbearer
pypi_id: torchbearer
category: ml-frameworks
labels: ["pytorch"]
- name: Neural Network Libraries
github_id: sony/nnabla
pypi_id: nnabla
category: ml-frameworks
- name: ThunderGBM
github_id: Xtra-Computing/thundergbm
pypi_id: thundergbm
category: ml-frameworks
- name: ThunderSVM
github_id: Xtra-Computing/thundersvm
pypi_id: thundersvm
category: ml-frameworks
- name: xLearn
github_id: aksnzhy/xlearn
pypi_id: xlearn
category: ml-frameworks
- name: mlpack
github_id: mlpack/mlpack
pypi_id: mlpack
conda_id: conda-forge/mlpack
category: ml-frameworks
- name: SHOGUN
github_id: shogun-toolbox/shogun
conda_id: conda-forge/shogun
dockerhub_id: shogun/shogun
category: ml-frameworks
brew_id: shogun
- name: dyNET
github_id: clab/dynet
pypi_id: dyNET
category: ml-frameworks
- name: Turi Create
github_id: apple/turicreate
pypi_id: turicreate
category: ml-frameworks
- name: NeuPy
github_id: itdxer/neupy
pypi_id: neupy
category: ml-frameworks
- name: StarSpace
github_id: facebookresearch/StarSpace
category: ml-frameworks
- name: NuPIC
github_id: numenta/nupic
pypi_id: nupic
category: ml-frameworks
- name: MindsDB
github_id: mindsdb/mindsdb
pypi_id: mindsdb
category: ml-frameworks
labels: ["pytorch"]
- name: EvaDB
github_id: georgia-tech-db/eva
pypi_id: evadb
category: ml-frameworks
labels: ["pytorch"]
- name: StatsModels
github_id: statsmodels/statsmodels
pypi_id: statsmodels
conda_id: conda-forge/statsmodels
category: ml-frameworks
- name: Neural Tangents
github_id: google/neural-tangents
pypi_id: neural-tangents
category: ml-frameworks
license: Apache-2.0
- name: mace
github_id: XiaoMi/mace
category: ml-frameworks
- name: NeoML
github_id: neoml-lib/neoml
pypi_id: neoml
category: ml-frameworks
license: Apache-2.0
- name: Thinc
github_id: explosion/thinc
pypi_id: thinc
conda_id: conda-forge/thinc
category: ml-frameworks
- name: jax
github_id: google/jax
pypi_id: jax
conda_id: conda-forge/jaxlib
category: ml-frameworks
- name: Flax
github_id: google/flax
pypi_id: flax
conda_id: conda-forge/flax
category: ml-frameworks
labels: ["jax"]
- name: Objax
github_id: google/objax
pypi_id: objax
category: ml-frameworks
labels: ["jax"]
- name: nanodl
github_id: HMUNACHI/nanodl
pypi_id: nanodl
category: ml-frameworks
labels: ["jax"]
- name: Haiku
github_id: deepmind/dm-haiku
pypi_id: dm-haiku
conda_id: conda-forge/dm-haiku
category: ml-frameworks
- name: einops
github_id: arogozhnikov/einops
pypi_id: einops
conda_id: conda-forge/einops
category: ml-frameworks
- name: VizSeq
github_id: facebookresearch/vizseq
pypi_id: vizseq
category: nlp
- name: NeuralQA
github_id: victordibia/neuralqa
pypi_id: neuralqa
category: nlp
- name: SciSpacy
github_id: allenai/scispacy
pypi_id: scispacy
category: nlp
- name: Jina
github_id: jina-ai/jina
pypi_id: jina
conda_id: conda-forge/jina-core
dockerhub_id: jinaai/jina
category: ml-frameworks
- name: Determined
github_id: determined-ai/determined
pypi_id: determined
docs_url: https://docs.determined.ai
category: ml-frameworks
labels: ["pytorch", "tensorflow"]
license: Apache-2.0
- name: Texthero
github_id: jbesomi/texthero
pypi_id: texthero
category: nlp
- name: spaCy
github_id: explosion/spaCy
pypi_id: spacy
conda_id: conda-forge/spacy
category: nlp
- name: gensim
github_id: RaRe-Technologies/gensim
pypi_id: gensim
conda_id: conda-forge/gensim
category: nlp
- name: pyfasttext
github_id: vrasneur/pyfasttext
pypi_id: pyfasttext
category: nlp
- name: fuzzywuzzy
github_id: seatgeek/fuzzywuzzy
pypi_id: fuzzywuzzy
conda_id: conda-forge/fuzzywuzzy
category: nlp
- name: nltk
github_id: nltk/nltk
pypi_id: nltk
conda_id: conda-forge/nltk
category: nlp
description: Suite of libraries and programs for symbolic and statistical natural
language processing for English.
- name: torchtext
github_id: pytorch/text
pypi_id: torchtext
category: nlp
labels: ["pytorch"]
- name: textacy
github_id: chartbeat-labs/textacy
pypi_id: textacy
conda_id: conda-forge/textacy
category: nlp
- name: TextBlob
github_id: sloria/TextBlob
pypi_id: textblob
conda_id: conda-forge/textblob
category: nlp
- name: flashtext
github_id: vi3k6i5/flashtext
pypi_id: flashtext
conda_id: conda-forge/flashtext
category: nlp
- name: scattertext
github_id: JasonKessler/scattertext
pypi_id: scattertext
conda_id: conda-forge/scattertext
category: nlp
- name: sentencepiece
github_id: google/sentencepiece
pypi_id: sentencepiece
conda_id: conda-forge/sentencepiece
category: nlp
- name: langid
github_id: saffsd/langid.py
pypi_id: langid
category: nlp
- name: flair
github_id: flairNLP/flair
pypi_id: flair
conda_id: conda-forge/python-flair
category: nlp
labels: ["pytorch"]
- name: ftfy
github_id: rspeer/python-ftfy
pypi_id: ftfy
conda_id: conda-forge/ftfy
category: nlp
- name: stop-words
github_id: Alir3z4/python-stop-words
pypi_id: stop-words
category: nlp
- name: stanza
github_id: stanfordnlp/stanza
pypi_id: stanza
conda_id: stanfordnlp/stanza
category: nlp
- name: transformers
github_id: huggingface/transformers
pypi_id: transformers
conda_id: conda-forge/transformers
category: nlp
labels: ["pytorch", "tensorflow"]
- name: AllenNLP
github_id: allenai/allennlp
pypi_id: allennlp
conda_id: conda-forge/allennlp
category: nlp
labels: ["pytorch"]
- name: DELTA
github_id: Delta-ML/delta
pypi_id: delta-nlp
dockerhub_id: zh794390558/delta
category: nlp
labels: ["tensorflow"]
- name: ParlAI
github_id: facebookresearch/ParlAI
pypi_id: parlai
category: nlp
labels: ["pytorch"]
- name: pytorch-nlp
github_id: PetrochukM/PyTorch-NLP
pypi_id: pytorch-nlp
category: nlp
labels: ["pytorch"]
- name: spacy-transformers
github_id: explosion/spacy-transformers
pypi_id: spacy-transformers
conda_id: conda-forge/spacy-transformers
category: nlp
labels: ["spacy"]
- name: Camphr
github_id: PKSHATechnology-Research/camphr
pypi_id: camphr
category: nlp
labels: ["spacy"]
- name: finetune
github_id: IndicoDataSolutions/finetune
pypi_id: finetune
category: nlp
labels: ["tensorflow", "sklearn"]
- name: fast-bert
github_id: utterworks/fast-bert
pypi_id: fast-bert
category: nlp
- name: fastText
github_id: facebookresearch/fastText
pypi_id: fasttext
conda_id: conda-forge/fasttext
category: nlp
- name: Rasa
github_id: RasaHQ/rasa
pypi_id: rasa
category: nlp
labels: ["tensorflow"]
- name: ChatterBot
github_id: gunthercox/ChatterBot
pypi_id: chatterbot
category: nlp
- name: DeepPavlov
github_id: deepmipt/DeepPavlov
pypi_id: deeppavlov
category: nlp
labels: ["tensorflow"]
- name: PyText
github_id: facebookresearch/pytext
pypi_id: pytext-nlp
category: nlp
labels: ["pytorch"]
- name: OpenNMT
github_id: OpenNMT/OpenNMT-py
pypi_id: OpenNMT-py
category: nlp
labels: ["pytorch"]
- name: GluonNLP
github_id: dmlc/gluon-nlp
pypi_id: gluonnlp
category: nlp
labels: ["mxnet"]
description: Toolkit that enables easy text preprocessing, datasets loading and
neural models building to help you speed up your Natural Language Processing (NLP)
research.
- name: Sockeye
github_id: awslabs/sockeye
pypi_id: sockeye
category: nlp
labels: ["mxnet"]
- name: Snips NLU
github_id: snipsco/snips-nlu
pypi_id: snips-nlu
category: nlp
- name: fairseq
github_id: facebookresearch/fairseq
pypi_id: fairseq
conda_id: conda-forge/fairseq
category: nlp
labels: ["pytorch"]
- name: Kashgari
github_id: BrikerMan/Kashgari
pypi_id: kashgari-tf
category: nlp
labels: ["tensorflow"]
- name: TensorFlow Text
github_id: tensorflow/text
pypi_id: tensorflow-text
category: nlp
labels: ["tensorflow"]
- name: YouTokenToMe
github_id: vkcom/youtokentome
pypi_id: youtokentome
conda_id: conda-forge/youtokentome
category: nlp
- name: CLTK
github_id: cltk/cltk
pypi_id: cltk
category: nlp
- name: NLP Architect
github_id: IntelLabs/nlp-architect
pypi_id: nlp-architect
category: nlp
- name: jellyfish
github_id: jamesturk/jellyfish
pypi_id: jellyfish
conda_id: conda-forge/jellyfish
category: nlp
- name: T5
github_id: google-research/text-to-text-transfer-transformer
pypi_id: t5
category: nlp
labels: ["tensorflow"]
- name: polyglot
github_id: aboSamoor/polyglot
pypi_id: polyglot
category: nlp
- name: Dedupe
github_id: dedupeio/dedupe
pypi_id: dedupe
conda_id: conda-forge/dedupe
category: nlp
- name: NeuroNER
github_id: Franck-Dernoncourt/NeuroNER
pypi_id: pyneuroner
category: nlp
- name: Sumy
github_id: miso-belica/sumy
pypi_id: sumy
conda_id: conda-forge/sumy
category: nlp
- name: TextDistance
github_id: life4/textdistance
pypi_id: textdistance
conda_id: conda-forge/textdistance
category: nlp
- name: Translate
github_id: pytorch/translate
pypi_id: pytorch-translate
category: nlp
labels: ["pytorch"]
- name: TransferNLP
github_id: feedly/transfer-nlp
pypi_id: transfer-nlp
category: nlp
labels: ["pytorch"]
- name: FARM
github_id: deepset-ai/FARM
pypi_id: farm
conda_id: conda-forge/farm
category: nlp
labels: ["pytorch"]
- name: textpipe
github_id: textpipe/textpipe
pypi_id: textpipe
category: nlp
- name: anaGo
github_id: Hironsan/anago
pypi_id: anago
category: nlp
labels: ["tensorflow"]
- name: NeMo
github_id: NVIDIA/NeMo
pypi_id: nemo-toolkit
category: nlp
labels: ["pytorch"]
- name: MatchZoo
github_id: NTMC-Community/MatchZoo
pypi_id: matchzoo
category: nlp
labels: ["tensorflow"]
- name: Texar
github_id: asyml/texar
pypi_id: texar
category: nlp
labels: ["tensorflow"]
- name: PyTextRank
github_id: DerwenAI/pytextrank
pypi_id: pytextrank
category: nlp
- name: pySBD
github_id: nipunsadvilkar/pySBD
pypi_id: pysbd
conda_id: conda-forge/pysbd
category: nlp
- name: Headliner
github_id: as-ideas/headliner
pypi_id: headliner
category: nlp
- name: Tokenizers
github_id: huggingface/tokenizers
pypi_id: tokenizers
conda_id: conda-forge/tokenizers
category: nlp
- name: DeepMatcher
github_id: anhaidgroup/deepmatcher
pypi_id: deepmatcher
category: nlp
- name: Ciphey
github_id: Ciphey/Ciphey
pypi_id: ciphey
dockerhub_id: remnux/ciphey
category: nlp
- name: ONNX-T5
github_id: abelriboulot/onnxt5
pypi_id: onnxt5
category: nlp
- name: Caer
github_id: jasmcaus/caer
pypi_id: caer
docs_url: https://caer.rtfd.io
category: image
description: A lightweight Computer Vision library. Scale your models, not boilerplate.
- name: Classy Vision
github_id: facebookresearch/ClassyVision
pypi_id: classy_vision
conda_id: conda-forge/classy_vision
category: image
labels: ["pytorch"]
- name: Torch Points 3D
github_id: nicolas-chaulet/torch-points3d
pypi_id: torch-points3d
category: image
labels: ["pytorch"]
license: BSD-3-Clause
- name: Face Alignment
github_id: 1adrianb/face-alignment
pypi_id: face-alignment
category: image
labels: ["pytorch"]
- name: PyTorch Image Models
github_id: rwightman/pytorch-image-models
pypi_id: timm
conda_id: conda-forge/timm
category: image
labels: ["pytorch"]
- name: torchvision
github_id: pytorch/vision
pypi_id: torchvision
conda_id: conda-forge/torchvision
category: image
labels: ["pytorch"]
- name: ImageHash
github_id: JohannesBuchner/imagehash
pypi_id: ImageHash
conda_id: conda-forge/imagehash
category: image
- name: imgaug
github_id: aleju/imgaug
pypi_id: imgaug
conda_id: conda-forge/imgaug
category: image
- name: scikit-image
github_id: scikit-image/scikit-image
pypi_id: scikit-image
conda_id: conda-forge/scikit-image
category: image
- name: imageio
github_id: imageio/imageio
pypi_id: imageio
conda_id: conda-forge/imageio
category: image
- name: Augmentor
github_id: mdbloice/Augmentor
pypi_id: Augmentor
category: image
- name: opencv-python
github_id: opencv/opencv-python
pypi_id: opencv-python
category: image
- name: imageai
github_id: OlafenwaMoses/ImageAI
pypi_id: imageai
conda_id: conda-forge/imageai
category: image
- name: Pillow
github_id: python-pillow/Pillow
pypi_id: Pillow
conda_id: conda-forge/pillow
category: image
license: PIL
show: true
- name: PyTorch3D
github_id: facebookresearch/pytorch3d
pypi_id: pytorch3d
conda_id: pytorch3d/pytorch3d
category: image
labels: ["pytorch"]
- name: Pillow-SIMD
github_id: uploadcare/pillow-simd
pypi_id: pillow-simd
category: image
license: PIL
- name: GluonCV
github_id: dmlc/gluon-cv
pypi_id: gluoncv
category: image
labels: ["mxnet"]
- name: MMF
github_id: facebookresearch/mmf
pypi_id: mmf
category: image
labels: ["pytorch"]
license: BSD-3-Clause
- name: Image Deduplicator
github_id: idealo/imagededup
pypi_id: imagededup
category: image
labels: ["tensorflow"]
- name: Kornia
github_id: kornia/kornia
pypi_id: kornia
conda_id: conda-forge/kornia
category: image
labels: ["pytorch"]
- name: detectron2
github_id: facebookresearch/detectron2
pypi_id: detectron2
conda_id: conda-forge/detectron2
category: image
labels: ["pytorch"]
- name: tensorflow-graphics
github_id: tensorflow/graphics
pypi_id: tensorflow-graphics
category: image
labels: ["tensorflow"]
- name: MMDetection
github_id: open-mmlab/mmdetection
pypi_id: mmdet
category: image
labels: ["pytorch"]
- name: Albumentations
github_id: albumentations-team/albumentations
pypi_id: albumentations
conda_id: conda-forge/albumentations
category: image
labels: ["pytorch"]
- name: Face Recognition
github_id: ageitgey/face_recognition
pypi_id: face_recognition
conda_id: conda-forge/face_recognition
category: image
labels: ["pytorch"]
- name: imutils
github_id: PyImageSearch/imutils
pypi_id: imutils
conda_id: conda-forge/imutils
category: image
- name: InsightFace
github_id: deepinsight/insightface
pypi_id: insightface
category: image
labels: ["mxnet"]
- name: Luminoth
github_id: tryolabs/luminoth
pypi_id: luminoth
category: image
labels: ["tensorflow"]
- name: Image Super-Resolution
github_id: idealo/image-super-resolution
pypi_id: ISR
dockerhub_id: idealo/image-super-resolution-gpu
category: image
labels: ["tensorflow"]
- name: pycls
github_id: facebookresearch/pycls
pypi_id: pycls
category: image
labels: ["pytorch"]
- name: PySlowFast
github_id: facebookresearch/SlowFast
pypi_id: pyslowfast
category: image
labels: ["pytorch"]
- name: MoviePy
github_id: Zulko/moviepy
pypi_id: moviepy
conda_id: conda-forge/moviepy
category: image
- name: "DE\u2AF6TR"
github_id: facebookresearch/detr
category: image
labels: ["pytorch"]
- name: PaddleDetection
github_id: PaddlePaddle/PaddleDetection
pypi_id: paddledet
category: image
labels: ["paddle"]
- name: Tesseract
github_id: madmaze/pytesseract
pypi_id: pytesseract
conda_id: conda-forge/pytesseract
category: ocr
description: Python-tesseract is an optical character recognition (OCR) tool for
python.
- name: PaddleOCR
github_id: PaddlePaddle/PaddleOCR
pypi_id: paddleocr
category: ocr
labels: ["paddle"]
- name: keras-ocr
github_id: faustomorales/keras-ocr
pypi_id: keras-ocr
conda_id: anaconda/keras-ocr
category: ocr
labels: ["tensorflow"]
- name: tesserocr
github_id: sirfz/tesserocr
pypi_id: tesserocr
conda_id: conda-forge/tesserocr
category: ocr
- name: attention-ocr
github_id: emedvedev/attention-ocr
pypi_id: aocr
category: ocr
labels: ["tensorflow"]
- name: doc2text
github_id: jlsutherland/doc2text
pypi_id: doc2text
category: ocr
- name: OCRmyPDF
github_id: ocrmypdf/OCRmyPDF
pypi_id: ocrmypdf
conda_id: conda-forge/ocrmypdf
category: ocr
brew_id: ocrmypdf
apt_id: ocrmypdf
- name: EasyOCR
github_id: JaidedAI/EasyOCR
pypi_id: easyocr
category: ocr
- name: MMOCR
github_id: open-mmlab/mmocr
pypi_id: mmocr
category: ocr
labels: ["pytorch"]
- name: calamari
github_id: Calamari-OCR/calamari
pypi_id: calamari_ocr
category: ocr
- name: Bokeh
github_id: bokeh/bokeh
pypi_id: bokeh
conda_id: conda-forge/bokeh
category: data-viz
- name: AutoViz
github_id: AutoViML/AutoViz
pypi_id: autoviz
conda_id: conda-forge/autoviz
category: data-viz
- name: Plotly
github_id: plotly/plotly.py
pypi_id: plotly
conda_id: conda-forge/plotly
category: data-viz
npm_id: plotlywidget
- name: Plotly-Resampler
github_id: predict-idlab/plotly-resampler