├── README.md
└── src
├── 02-2018.md
├── 03-2018.md
├── 04-2018.md
├── 05-2018.md
├── 06-2018.md
├── 07-2018.md
├── 08-2018.md
├── 09-2018.md
├── 10-2018.md
├── 11-2018.md
├── 12-2018.md
├── 2019-05.md
├── 2019-06.md
├── 2019-08.md
├── Opensource-Nov-ML.png
├── Sep-ML-OpenSource.jpg
├── apr-machine-opensource.jpg
├── aug-ml-opensource.jpg
├── feb-machine-learning.png
├── july-ml-opensource.jpg
├── june-ml-opensource.jpg
├── may-ml-opensource.jpg
├── ml-1905-open.png
├── ml-1906-open.png
├── ml-1907-open.png
├── ml-opensource-mar.png
├── oct-opensource-ml.png
└── opensource-dec-ml.png
/README.md:
--------------------------------------------------------------------------------
1 | # machine-learning-open-source
2 |
3 | Click "Watch/Star" to get an email notification once a month for Top 10 Machine Learning Open Source.
4 |
5 | [Mybridge AI](https://www.mybridge.co) ranks articles by the number of shares, minutes read, and by its own machine learning algorithm.
6 |
7 | Every month, 100 ~ 300 open source projects with new or major release in Machine Learning are compared and only 10 finest projects are picked.
8 |
9 | Also published on [Mybridge Publication](https://medium.mybridge.co)
10 |
11 |
12 | ## Monthly Series for Open Source:
13 | <2018>
14 |
15 | * [v.Feb 2018 - Top 10 Open Source Projects](./src/02-2018.md)
16 | * [v.Mar 2018 - Top 10 Open Source Projects](./src/03-2018.md)
17 | * [v.Apr 2018 - Top 10 Open Source Projects](./src/04-2018.md)
18 | * [v.May 2018 - Top 10 Open Source Projects](./src/05-2018.md)
19 | * [v.Jun 2018 - Top 10 Open Source Projects](./src/06-2018.md)
20 | * [v.Jul 2018 - Top 10 Open Source Projects](./src/07-2018.md)
21 | * [v.Aug 2018 - Top 10 Open Source Projects](./src/08-2018.md)
22 | * [v.Sep 2018 - Top 10 Open Source Projects](./src/09-2018.md)
23 | * [v.Oct 2018 - Top 10 Open Source Projects](./src/10-2018.md)
24 | * [v.Nov 2018 - Top 10 Open Source Projects](./src/11-2018.md)
25 | * [v.Dec 2018 - Top 10 Open Source Projects](./src/12-2018.md)
26 |
27 |
28 | <2019>
29 |
30 | * [v.May 2019 - Top 10 Open Source Projects](./src/2019-05.md)
31 | * [v.June 2019 - Top 10 Open Source Projects](./src/2019-06.md)
32 | * [v.Aug 2019 - Top 10 Open Source Projects](./src/2019-08.md)
33 |
34 |
35 |
36 | ## Other Monthly:
37 | * [JavaScript Top 10](https://github.com/Mybridge/javascript-articles-monthly)
38 | * [Angular Top 10](https://github.com/Mybridge/angular-articles)
39 | * [React Top 10](https://github.com/Mybridge/react-articles-monthly)
40 | * [Vue.js Top 10](https://github.com/Mybridge/vuejs-articles)
41 | * [Python Top 10](https://github.com/Mybridge/python-articles)
42 | * [Node.js Top 10](https://github.com/Mybridge/nodejs-articles)
43 | * [Web Development Top 10](https://github.com/Mybridge/web-development-articles)
44 | * [Machine Learning Top 10](https://github.com/Mybridge/machine-learning-articles)
45 | * [Swift Top 10](https://github.com/Mybridge/swift-articles)
46 | * [CSS Top 10](https://github.com/Mybridge/css-articles)
47 |
48 | ## Open Source Monthly:
49 | * [JavaScript Open Source Top 10](https://github.com/Mybridge/javascript-open-source)
50 | * [Angular Open Source Top 10](https://github.com/Mybridge/angular-open-source)
51 | * [React Open Source Top 10](https://github.com/Mybridge/reactjs-open-source)
52 | * [Vue.js Open Source Top 10](https://github.com/Mybridge/vuejs-open-source)
53 | * [Python Open Source Top 10](https://github.com/Mybridge/python-open-source)
54 | * [Node.js Open Source Top 10](https://github.com/Mybridge/nodejs-open-source)
55 | * [Web Development Open Source Top 10](https://github.com/Mybridge/web-development-articles)
56 | * [Machine Learning Open Source Top 10](https://github.com/Mybridge/machine-learning-open-source)
57 | * [Swift Open Source Top 10](https://github.com/Mybridge/swift-open-source)
58 |
59 |
60 | ## Amazing Open Source of the Year:
61 | * Amazing Machine Learning Open Source for the Past Year (v.2019)](https://github.com/Mybridge/amazing-machine-learning-opensource-2019)
62 | * [Amazing JavaScript Open Source for the Past Year (v.2019)](https://github.com/Mybridge/amazing-javascript-2019)
63 | * [Amazing React Open Source for the Past Year (v.2019)](https://github.com/Mybridge/amazing-react-opensource-2019)
64 | * [Amazing Node.js Open Source for the Past Year (v.2019)](https://github.com/Mybridge/amazing-node-opensource-2019)
65 |
66 | * [Amazing Swift Open Source UI Libraries for the Past Year (v.2019)](https://github.com/Mybridge/Amazing-Swift-UI-2019)
67 |
68 |
--------------------------------------------------------------------------------
/src/02-2018.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Top 10 Open Source Projects for the Past Month (v.Feb 2018)
2 |
3 |
4 |
5 | This is a new monthly series
6 |
7 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
8 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
9 |
10 | * Average number of Github stars in this edition: 2,540 ⭐️
11 | * Topics: Object Detection, Swap Faces, Neural Nets, Predictions, DeepMind, Agent-based AI, Music Generation, Neuroevolution, Translation
12 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
13 |
14 |
15 |
16 | ### Course of the month:
17 |
18 | A) Beginner: [Learn Machine Learning and TensorFlow in Python with Real-Life Business Cases.](http://bit.ly/2Ht3sOr) _[2,128 recommends, 4.8/5 stars]_
19 |
20 |
21 |
22 | ## Rank 1
23 | ### [Detectron: FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet. [★11109]](https://github.com/facebookresearch/Detectron?utm_source=mybridge&utm_medium=email&utm_campaign=read_more)
24 |
25 |
26 |
27 | ## Rank 2
28 | ### [FaceSwap: A tool that utilizes deep learning to recognize and swap faces in pictures and videos. [★3567]](https://github.com/deepfakes/faceswap?utm_source=mybridge&utm_medium=email&utm_campaign=read_more)
29 |
30 |
31 |
32 | ## Rank 3
33 | ### [Gradient-checkpointing: Make huge neural nets fit in memory [★1073]](https://github.com/openai/gradient-checkpointing?utm_source=mybridge&utm_medium=email&utm_campaign=read_more)
34 |
35 |
36 |
37 | ## Rank 4
38 | ### [Lime: Explaining the predictions of any machine learning classifier [★3104]](https://github.com/marcotcr/lime?utm_source=mybridge&utm_medium=email&utm_campaign=read_more)
39 |
40 |
41 |
42 | ## Rank 5
43 | ### [Dm_control: The DeepMind Control Suite and Control Package [★873]](https://github.com/deepmind/dm_control?utm_source=mybridge&utm_medium=email&utm_campaign=read_more)
44 |
45 |
46 |
47 | ## Rank 6
48 | ### [Psychlab: Experimental paradigms implemented using the Psychlab platform (3D platform for agent-based AI) [★4763]](https://github.com/deepmind/lab/tree/master/game_scripts/levels/contributed/psychlab?utm_source=mybridge&utm_medium=email&utm_campaign=read_more)
49 |
50 |
51 |
52 | ## Rank 7
53 | ### [Deepj: a deep learning model for style-specific music generation. [★291]](https://github.com/calclavia/DeepJ?utm_source=mybridge&utm_medium=email&utm_campaign=read_more)
54 |
55 |
56 |
57 | ## Rank 8
58 | ### [Simple: Experimental Global Optimization Algorithm [★201]](https://github.com/chrisstroemel/Simple?utm_source=mybridge&utm_medium=email&utm_campaign=read_more)
59 |
60 |
61 |
62 | ## Rank 9
63 | ### [Deep-neuroevolution: Deep Neuroevolution [★369]](https://github.com/uber-common/deep-neuroevolution)
64 |
65 |
66 |
67 | ## Rank 10
68 | ### [NPMT: Towards Neural Phrase-based Machine Translation [★50]](https://github.com/posenhuang/NPMT?utm_source=mybridge&utm_medium=email&utm_campaign=read_more)
69 |
--------------------------------------------------------------------------------
/src/03-2018.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Top 10 Open Source Projects for the Past Month (v.Mar 2018)
2 |
3 |
4 |
5 | This is a new monthly series
6 |
7 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
8 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
9 |
10 | * Average number of Github stars in this edition: 898 ⭐️
11 | * Topics: Openpose, Domain specific language, Shap, NumPy, Image, Obfuscated Gradients, Physics, PyTorch, TensorFlow, PirateAI
12 |
13 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
14 |
15 |
16 |
17 | ### Course of the month:
18 |
19 | [A) Beginners: Machine Learning A-Z™: Hands-On Python & R In Data Science.](http://bit.ly/2oAaMA3) [34,991 recommends, 4.5/5 stars]
20 |
21 | [B) Beginners: Data Science, Deep Learning, & Machine Learning with Python.](http://bit.ly/2FbgIcv) [7,610 recommends, 4.5/5 stars]
22 |
23 |
24 |
25 | ## Rank 1
26 | ### [Openpose: OpenPose: Real-time multi-person keypoint detection library for body, face, and hands estimation [★6249]](https://github.com/CMU-Perceptual-Computing-Lab/openpose?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
27 |
28 |
29 |
30 |
31 | ## Rank 2
32 | ### [TensorComprehensions: A domain specific language to express machine learning workloads. [★948]](https://github.com/facebookresearch/TensorComprehensions?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
33 |
34 |
35 |
36 |
37 | ## Rank 3
38 | ### [Shap: Explain the output of any machine learning model using expectations and Shapley values. [★823]](https://github.com/slundberg/shap?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
39 |
40 |
41 |
42 |
43 | ## Rank 4
44 | ### [NapkinML: A tiny lib with pocket-sized implementations of machine learning models in NumPy. [★324]](https://github.com/eriklindernoren/NapkinML?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
45 |
46 |
47 |
48 |
49 | ## Rank 5
50 | ### [GlobalLocalImageCompletion_TF: Globally and Locally Consistent Image Completion [★51]](https://github.com/shinseung428/GlobalLocalImageCompletion_TF?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
51 |
52 |
53 |
54 |
55 | ## Rank 6
56 | ### [Obfuscated-gradients: Obfuscated Gradients Give a False Sense of Security: Circumventing Defenses to Adversarial Examples [★284]](https://github.com/anishathalye/obfuscated-gradients?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
57 |
58 |
59 |
60 |
61 | ## Rank 7
62 | ### [Visual-interaction-networks-pytorch: This's an implementation of deepmind Visual Interaction Networks paper using pytorch [★112]](https://github.com/Mrgemy95/visual-interaction-networks-pytorch?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
63 |
64 |
65 |
66 |
67 | ## Rank 8
68 | ### [Prototypical-Networks-for-Few-shot-Learning-PyTorch: Implementation of Prototypical Networks for Few Shot Learning (https://arxiv.org/abs/1703.05175) in Pytorch [★117]](https://github.com/orobix/Prototypical-Networks-for-Few-shot-Learning-PyTorch?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
69 |
70 |
71 |
72 |
73 | ## Rank 9
74 | ### [TensorFlow implementation of CipherGAN [★56]](https://github.com/for-ai/CipherGAN?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
75 |
76 |
77 |
78 |
79 | ## Rank 10
80 | ### [PirateAI: Pirate trainer (Deep Learning, Autonomous Agents, 3D, Unity, Hyperopt, Keras) [★17]](https://github.com/HugoCMU/pirateAI?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
81 |
--------------------------------------------------------------------------------
/src/04-2018.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Top 10 Open Source Projects for the Past Month (v.Apr 2018)
2 |
3 |
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 1,385 ⭐️
9 | * Topics: Tensorflow, Augmentation, AlphaGo Zero, NSynth, Deep Neuroevolution, Person Blocker, TCN, Ann Visualizer, Watson
10 |
11 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
12 |
13 |
14 |
15 | ### Course of the month:
16 |
17 | [A) Beginners: Python for Data Science and Machine Learning Bootcamp.](http://bit.ly/2Eso3R0) [18,618 recommends, 4.6/5 stars]
18 |
19 | [B) Artificial Intelligence: Reinforcement Learning in Python.](http://bit.ly/2GSjWPJ) [1,440 recommends, 4.6/5 stars]
20 |
21 |
22 |
23 | ## Rank 1
24 | ### [Tfjs: A WebGL accelerated, browser based JavaScript library for training and deploying ML models. [★6085]](https://github.com/tensorflow/tfjs?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
25 |
26 |
27 |
28 |
29 | ## Rank 2
30 | ### [Augmentor v0.2: Image augmentation library in Python for machine learning. [★1654]](https://github.com/mdbloice/Augmentor?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
31 |
32 |
33 |
34 |
35 | ## Rank 3
36 | ### [Hub: A library for transfer learning by reusing parts of TensorFlow models. [★328]](https://github.com/tensorflow/hub?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
37 |
38 |
39 |
40 |
41 | ## Rank 4
42 | ### [Chess-alpha-zero: Chess reinforcement learning by AlphaGo Zero methods. [★1013]](https://github.com/Zeta36/chess-alpha-zero?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
43 |
44 |
45 |
46 |
47 | ## Rank 5
48 | ### [Open-nsynth-super: Open NSynth Super is an experimental physical interface for the NSynth algorithm [★1176]](https://github.com/googlecreativelab/open-nsynth-super?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
49 |
50 |
51 |
52 |
53 | ## Rank 6
54 | ### [Deep-neuroevolution: Deep Neuroevolution [★572]](https://github.com/uber-common/deep-neuroevolution?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
55 |
56 |
57 |
58 |
59 | ## Rank 7
60 | ### [Person-blocker: Automatically "block" people in images (like Black Mirror) using a pretrained neural network. [★1537]](https://github.com/minimaxir/person-blocker?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
61 |
62 |
63 |
64 |
65 | ## Rank 8
66 | ### [TCN: Sequence modeling benchmarks and temporal convolutional networks [★495]](https://github.com/locuslab/TCN?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
67 |
68 |
69 |
70 |
71 | ## Rank 9
72 | ### [Ann-visualizer: A python library for visualizing Artificial Neural Networks (ANN) [★645]](https://github.com/Prodicode/ann-visualizer?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
73 |
74 |
75 |
76 |
77 | ## Rank 10
78 | ### [Visual-recognition-coreml: Classify images offline using Watson Visual Recognition and Core ML [★360]](https://github.com/watson-developer-cloud/visual-recognition-coreml?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
79 |
--------------------------------------------------------------------------------
/src/05-2018.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Top 10 Open Source Projects for the Past Month (v.May 2018)
2 |
3 |
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 979 ⭐️
9 | * Topics: ICLR 2018, Game Research, DeepLearn, Image Translation, Visualization, Text Generation, Self Driving Car, NLP, Video Loader
10 |
11 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
12 |
13 |
14 |
15 | ### Course of the month:
16 |
17 | [A) Beginners: Data Science A-Z™: Real-Life Data Science Exercises Included.](http://bit.ly/2rsWwuu) [11,909 recommends, 4.5/5 stars]
18 |
19 | [B) Deep Learning: Advanced Computer Vision.](http://bit.ly/2wq4Vnz) [2,166 recommends, 4.7/5 stars]
20 |
21 |
22 |
23 | ## Rank 1
24 | ### [Progressive_growing_of_gans: Progressive Growing of GANs for Improved Quality, Stability, and Variation [★2508]](https://github.com/tkarras/progressive_growing_of_gans?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
25 |
26 |
27 |
28 |
29 | ## Rank 2
30 | ### [ELF: An Extensive, Lightweight, and Flexible platform for game research. We have used it to build our Go playing bot, ELF OpenGo, which achieved a 14-0 record versus four global top-30 players [★1559]](https://github.com/pytorch/elf?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
31 |
32 |
33 |
34 |
35 | ## Rank 3
36 | ### [DeepLearn: Implementation of research papers on Deep Learning+ NLP+ CV in Python using Keras, Tensorflow and Scikit Learn. [★1275]](https://github.com/GauravBh1010tt/DeepLearn?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
37 |
38 |
39 |
40 |
41 | ## Rank 4
42 | ### [MUNIT: Multimodal Unsupervised Image-to-Image Translation [★795]](https://github.com/NVlabs/MUNIT?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
43 |
44 |
45 |
46 |
47 | ## Rank 5
48 | ### [MMdnn: A set of tools to help users inter-operate among different deep learning frameworks. E.g. model conversion and visualization. Convert models between Caffe, Keras, MXNet, Tensorflow [★1467]](https://github.com/Microsoft/MMdnn?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
49 |
50 |
51 |
52 |
53 | ## Rank 6
54 | ### [Textgenrnn: Python module to easily generate text using a pretrained character-based recurrent neural network. [★603]](https://github.com/minimaxir/textgenrnn?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
55 |
56 |
57 |
58 |
59 | ## Rank 7
60 | ### [Donkey: A modular self driving car library for Python [★747]](https://github.com/wroscoe/donkey?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
61 |
62 |
63 |
64 |
65 | ## Rank 8
66 | ### [TwinGAN: Unpaired Cross-Domain Image Translation with Weight-Sharing GANs [★232]](https://github.com/jerryli27/TwinGAN?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
67 |
68 |
69 |
70 |
71 | ## Rank 9
72 | ### [Gluon-nlp: NLP made easy [★521]](https://github.com/dmlc/gluon-nlp?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
73 |
74 |
75 |
76 |
77 | ## Rank 10
78 | ### [Nvvl: A library that uses hardware acceleration to load sequences of video frames to facilitate machine learning training [★294]](https://github.com/NVIDIA/nvvl?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
79 |
--------------------------------------------------------------------------------
/src/06-2018.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Top 10 Open Source Projects for the Past Month (v.Jun 2018)
2 |
3 |
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 764 ⭐️
9 | * Topics: NLP Architect, Video Classification, Mlflow, Gym Retro, Dragonfire, Opencv, Computer vision, Star GAN, Glow, Generative compression
10 |
11 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
12 |
13 |
14 |
15 | ### Course of the month:
16 |
17 | [A) Beginners: Python for Data Science and Machine Learning Bootcamp.](http://bit.ly/2Eso3R0)[21,763 recommends, 4.5/5 stars]
18 |
19 | [B) Advanced: Artificial Intelligence: Reinforcement Learning in Python.](http://bit.ly/2HzWgyV)[1,768 recommends, 4.6/5 stars]
20 |
21 |
22 |
23 | ## Rank 1
24 | ### [Nlp-architect: NLP Architect by Intel AI Lab: Python library for exploring the state-of-the-art deep learning topologies and techniques for NLP [★1181]](https://github.com/NervanaSystems/nlp-architect?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
25 |
26 |
27 |
28 |
29 | ## Rank 2
30 | ### [Video-nonlocal-net: Non-local Neural Networks for Video Classification [★590]](https://github.com/facebookresearch/video-nonlocal-net?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
31 |
32 |
33 |
34 |
35 | ## Rank 3
36 | ### [Mlflow: Open source platform for the complete machine learning lifecycle [★1264]](https://github.com/databricks/mlflow?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
37 |
38 |
39 |
40 |
41 | ## Rank 4
42 | ### [Retro: Retro Games in Gym [★903]](https://github.com/openai/retro/tree/develop?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
43 |
44 |
45 |
46 |
47 | ## Rank 5
48 | ### [Dragonfire v1.0: An open-source AI assistant for Ubuntu based Linux distributions [★689]](https://github.com/DragonComputer/Dragonfire?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
49 |
50 |
51 |
52 |
53 | ## Rank 6
54 | ### [FaceAI: A face, video, text detection and recognition project (Use auto translator: Chinese -> English). [★1478]](https://github.com/vipstone/faceai?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
55 |
56 |
57 |
58 |
59 | ## Rank 7
60 | ### [Sod: An Embedded Computer Vision & Machine Learning Library (CPU Optimized & IoT Capable) [★554]](https://github.com/symisc/sod?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
61 |
62 |
63 |
64 |
65 | ## Rank 8
66 | ### [StarGAN-Tensorflow: Simple Tensorflow implementation of StarGAN (CVPR 2018 Oral) [★381]](https://github.com/taki0112/StarGAN-Tensorflow?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
67 |
68 |
69 |
70 |
71 | ## Rank 9
72 | ### [Glow: Compiler for Neural Network hardware accelerators [★602]](https://github.com/pytorch/glow?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
73 |
74 |
75 |
76 |
77 | ## Rank 10
78 | ### [Generative-compression: TensorFlow Implementation of Generative Adversarial Networks for Extreme Learned Image Compression [★223]](https://github.com/Justin-Tan/generative-compression?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
79 |
80 |
81 |
82 |
--------------------------------------------------------------------------------
/src/07-2018.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Top 10 Open Source Projects for the Past Month (v.Jul 2018)
2 |
3 |
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 1,041⭐️
9 | * Topics: DensePose, Image Classification, Mulit-Scale Training, Mobile AI Compute Engine, Satellite Imagery, NLP, Python Package, Word detection, NCRF, DALI
10 |
11 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
12 |
13 |
14 |
15 | ### Course of the month:
16 |
17 | [A) Beginners: Bayesian Machine Learning in Python: A/B Testing.](http://bit.ly/2KF1pv7) [1,037 recommends, 4.6/5 stars]
18 |
19 | [B) Unsupervised Machine Learning Hidden Markov Models in Python.](http://bit.ly/2zfXQYb) [1,768 recommends, 4.6/5 stars]
20 |
21 |
22 |
23 | ## Rank 1
24 | ### [DensePose: A real-time approach for mapping all human pixels of 2D RGB images to a 3D surface-based model of the body [★2887]](https://github.com/facebookresearch/DensePose?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
25 |
26 |
27 |
28 |
29 | ## Rank 2
30 | ### [Darts: Differentiable architecture search for convolutional and recurrent networks [★1117]](https://github.com/quark0/darts?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
31 |
32 |
33 |
34 |
35 | ## Rank 3
36 | ### [SNIPER is an efficient multi-scale object detection algorithm [★1345]](https://github.com/mahyarnajibi/SNIPER?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
37 |
38 |
39 |
40 |
41 | ## Rank 4
42 | ### [Mace: A deep learning inference framework optimized for mobile heterogeneous computing platforms. [★2109]](https://github.com/XiaoMi/mace?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
43 |
44 |
45 |
46 |
47 | ## Rank 5
48 | ### [Robosat: Semantic segmentation on aerial and satellite imagery. Extracts features such as: buildings, parking lots, roads, water [★768]](https://github.com/mapbox/robosat?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
49 |
50 |
51 |
52 |
53 | ## Rank 6
54 | ### [DecaNLP: The Natural Language Decathlon: A Multitask Challenge for NLP - Salesforce [★881]](https://github.com/salesforce/decaNLP?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
55 |
56 |
57 |
58 |
59 | ## Rank 7
60 | ### [Magnitude: A fast, efficient universal vector embedding utility package. [★427]](https://github.com/plasticityai/magnitude?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
61 |
62 |
63 |
64 |
65 | ## Rank 8
66 | ### [Porcupine: On-device wake word detection engine powered by deep learning. [★372]](https://github.com/Picovoice/Porcupine?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
67 |
68 |
69 |
70 |
71 | ## Rank 9
72 | ### [Cancer metastasis detection with neural conditional random field (NCRF) [★289]](https://github.com/baidu-research/NCRF?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
73 |
74 |
75 |
76 |
77 | ## Rank 10
78 | ### [DALI: A library containing both highly optimized building blocks and an execution engine for data pre-processing in deep learning applications [★418]](https://github.com/NVIDIA/dali?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
79 |
80 |
--------------------------------------------------------------------------------
/src/08-2018.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Top 10 Open Source Projects for the Past Month (v.Aug 2018)
2 |
3 |
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 919⭐️
9 | * Topics: Auto Keras, Glow, Video to Video, Machine Translation, Dance Generator, Soccer videos to 3D, Spam Filtering, Speech Recognition, Image Generation, Face Manipulation
10 |
11 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
12 |
13 |
14 |
15 | ### Course of the month:
16 |
17 | [A) Beginners: Python for Data Science and Machine Learning Bootcamp.](http://bit.ly/2Eso3R0)[25,269 recommends, 4.5/5 stars]
18 |
19 | [B) Deep Learning: Convolutional Neural Networks in Python.](http://bit.ly/2Mbu5gc) [1,290 recommends, 4.6/5 stars]
20 |
21 |
22 |
23 | ## Rank 1
24 | ### [Autokeras: An open source software library for automated machine learning (AutoML) [★2657]](https://github.com/jhfjhfj1/autokeras?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
25 |
26 |
27 |
28 |
29 | ## Rank 2
30 | ### [Glow: Code for "Glow: Generative Flow with Invertible 1x1 Convolutions" [★1671]](https://github.com/openai/glow?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
31 |
32 |
33 |
34 |
35 | ## Rank 3
36 | ### [Vid2vid: Pytorch implementation of our method for high-resolution (e.g. 2048x1024) photorealistic video-to-video translation. [★2268]](https://github.com/NVIDIA/vid2vid?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
37 |
38 |
39 |
40 |
41 | ## Rank 4
42 | ### [UnsupervisedMT: Phrase-Based & Neural Unsupervised Machine Translation - Facebook Research [★496]](https://github.com/facebookresearch/UnsupervisedMT?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
43 |
44 |
45 |
46 |
47 | ## Rank 5
48 | ### [DanceNet: Dance generator using Autoencoder, LSTM and Mixture Density Network. (Keras) [★282]](https://github.com/jsn5/dancenet?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
49 |
50 |
51 |
52 |
53 | ## Rank 6
54 | ### [Soccerontable: Upconverting YouTube soccer videos in 3D for viewing in AR/VR devices.Soccer On Your Tabletop with OpenCV [★248]](https://github.com/krematas/soccerontable?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
55 |
56 |
57 |
58 |
59 | ## Rank 7
60 | ### [Artificial-adversary: Tool to generate adversarial text examples and test machine learning models against them - Airbnb [★156]](https://github.com/airbnb/artificial-adversary?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
61 |
62 |
63 |
64 |
65 | ## Rank 8
66 | ### [Stt-benchmark: Speech to text benchmark framework [★295]](https://github.com/Picovoice/stt-benchmark?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
67 |
68 |
69 |
70 |
71 | ## Rank 9
72 | ### [Sg2im: Code for "Image Generation from Scene Graphs". A scene graph is a structured representation of a visual scene where nodes represent objects in the scene and edges represent relationships between objects [★669]](https://github.com/google/sg2im?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
73 |
74 |
75 |
76 |
77 | ## Rank 10
78 | ### [GANimation: Anatomically-aware Facial Animation from a Single Image [★344]](https://github.com/albertpumarola/GANimation?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
79 |
--------------------------------------------------------------------------------
/src/09-2018.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Top 10 Open Source Projects for the Past Month (v.Sep 2018)
2 |
3 |
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 728 ⭐️
9 | * Topics: Research Framework, AutoML library, Deep Learning, PyTorch, TSNE, Algorithm Toolbox, Fairness-ai, Deepdetect, ZOMBIES
10 |
11 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
12 |
13 |
14 |
15 | ### Course of the month:
16 |
17 | [A) Beginners: Cluster Analysis and Unsupervised Machine Learning in Python.](http://bit.ly/2CsDJY4) [1,065 recommends, 4.5/5 stars]
18 |
19 | [B) The Data Science Course 2018: Complete Data Science Bootcamp.](http://bit.ly/2oNrwng) [869 recommends, 4.5/5 stars]
20 |
21 |
22 | ## Rank 1
23 | ### [Dopamine: A research framework for fast prototyping of reinforcement learning algorithms - Google [★5254]](https://github.com/google/dopamine?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
24 |
25 |
26 |
27 |
28 | ## Rank 2
29 | ### [TransmogrifAI: An AutoML library for building modular, reusable, strongly typed machine learning workflows on Spark with minimal hand tuning [★865]](https://github.com/salesforce/TransmogrifAI?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
30 |
31 |
32 |
33 |
34 | ## Rank 3
35 | ### [Deep-Exemplar-based-Colorization: The source code of "Deep Exemplar-based Colorization". [★74]](https://github.com/msracver/Deep-Exemplar-based-Colorization?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
36 |
37 |
38 |
39 |
40 | ## Rank 4
41 | ### [YOLOv3: Training and inference in PyTorch. A state-of-the-art, real-time object detection system [★348]](https://github.com/ultralytics/yolov3?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
42 |
43 |
44 |
45 |
46 | ## Rank 5
47 | ### [Mantra: A high-level, rapid development framework for machine learning projects [★253]](https://github.com/RJT1990/mantra?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
48 |
49 |
50 |
51 |
52 | ## Rank 6
53 | ### [FastTSNE: Fast, parallel implementations of tSNE. A visualization of 160,796 single cell trasncriptomes from the mouse nervous system computed in exactly 2 minutes using FFT accelerated interpolation [★237]](https://github.com/pavlin-policar/fastTSNE?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
54 |
55 |
56 |
57 |
58 | ## Rank 7
59 | ### [Evolute: A simple tool for quick experimentation with evolutionary algorithms for numerical optimization. [★111]](https://github.com/csxeba/evolute?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
60 |
61 |
62 |
63 |
64 | ## Rank 8
65 | ### [AIF360: An open-source library to help detect and remove bias in machine learning models. This includes metrics for datasets and models to test for biases, explanations for these metrics, and algorithms to mitigate bias in datasets and models. [★107]](https://github.com/IBM/AIF360?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
66 |
67 |
68 |
69 |
70 | ## Rank 9
71 | ### [DeepSort: AI powered image tagger backed by DeepDetect [★84]](https://github.com/CorentinB/DeepSort?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
72 |
73 |
74 |
75 |
76 | ## Rank 10
77 | ### [Zombie-Shooter-Neural-Network: Code that is used in "AI learns to shoot ZOMBIES" [★4]](https://github.com/Daporan/Zombie-Shooter-Neural-Network?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
78 |
--------------------------------------------------------------------------------
/src/10-2018.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Top 10 Open Source Projects for the Past Month (v.Oct 2018)
2 |
3 |
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 1,345 ⭐️
9 | * Topics: Deep Learning, Tensorflow, Image Augmentation, Manga Colorization, Reinforcement Learning, Unity, Artificial Intelligence, Small Devices, Database
10 |
11 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
12 |
13 |
14 |
15 | ### Course of the month:
16 |
17 | [A) Beginners: Data Science, Deep Learning, & Machine Learning with Python.](http://bit.ly/2FbgIcv) [10,509 recommends, 4.5/5 stars]
18 |
19 | [B) Advanced AI: Deep Reinforcement Learning in Python.](http://bit.ly/2DQxHjq) [1,137 recommends, 4.7/5 stars]
20 |
21 |
22 |
23 |
24 | ## Rank 1
25 | ### [Fastai: It simplifies training fast and accurate neural nets using modern best practices [★8962]](https://github.com/fastai/fastai?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
26 |
27 |
28 |
29 |
30 | ## Rank 2
31 | ### [Deepvariant: DeepVariant is an analysis pipeline that uses a deep neural network to call genetic variants from next-generation DNA sequencing data. [★1262]](https://github.com/google/deepvariant?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
32 |
33 |
34 |
35 |
36 | ## Rank 3
37 | ### [Albumentations: fast image augmentation library and easy to use wrapper around other libraries [★1097]](https://github.com/albu/albumentations?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
38 |
39 |
40 |
41 |
42 | ## Rank 4
43 | ### [MangaCraft: The current best semi-automatic manga colorization project on earth. [★583]](https://github.com/lllyasviel/MangaCraft?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
44 |
45 |
46 |
47 |
48 | ## Rank 5
49 | ### [Holodeck: High Fidelity Simulator for Reinforcement Learning and Robotics Research. [★346]](https://github.com/byu-pccl/holodeck?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
50 |
51 |
52 |
53 |
54 | ## Rank 6
55 | ### [Petastorm: Uber ATG’s Data Access Library for Deep Learning [★253]](https://github.com/uber/petastorm?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
56 |
57 |
58 |
59 |
60 | ## Rank 7
61 | ### [Ngx: Neural network based visual generator and mixer [★102]](https://github.com/keijiro/Ngx?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
62 |
63 |
64 |
65 |
66 | ## Rank 8
67 | ### [AlphaAI: Use unsupervised and supervised learning to predict stocks [★90]](https://github.com/VivekPa/AlphaAI?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
68 |
69 |
70 |
71 |
72 | ## Rank 9
73 | ### [Blueoil: Bring Deep Learning to small devices [★71]](https://github.com/blue-oil/blueoil?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
74 |
75 |
76 |
77 |
78 | ## Rank 10
79 | ### [Tencent-ml-images: Largest multi-label image database; ResNet-101 model; 80.73% top-1 acc on ImageNet [★907]](https://github.com/Tencent/tencent-ml-images?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
80 |
81 |
82 |
83 |
--------------------------------------------------------------------------------
/src/11-2018.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Open Source of the Month (v.Nov 2018)
2 |
3 |
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 2,713 ⭐️
9 | * Topics: NLP, Hentai, Applied RL, Reinforcement Learning, Deep Learning, Automl, Graph Networks, MAME RL Algorithm, Model Compression, R-CNN
10 |
11 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
12 |
13 |
14 |
15 | ### Course of the month:
16 |
17 | [A) Beginners: Data Science & Machine Learning using Python — A Bootcamp.](http://bit.ly/2PjJuxj)[301 recommends, 4.6/5 stars]
18 |
19 | [B) Bayesian Machine Learning in Python: A/B Testing.](http://bit.ly/2KF1pv7) [1,500 recommends, 4.5/5 stars]
20 |
21 |
22 |
23 | ## Rank 1
24 | ### [Bert: TensorFlow code and pre-trained models for BERT [★8106]](https://github.com/google-research/bert?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
25 |
26 |
27 |
28 |
29 | ## Rank 2
30 | ### [DeepCreamPy: Decensoring Hentai with Deep Neural Networks [★6213]](https://github.com/deeppomf/DeepCreamPy?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
31 |
32 |
33 |
34 |
35 | ## Rank 3
36 | ### [Horizon: The first open source reinforcement learning platform for large-scale products and services [★1311]](https://github.com/facebookresearch/Horizon?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
37 |
38 |
39 |
40 |
41 | ## Rank 4
42 | ### [TRFL: A library of useful building blocks for writing reinforcement learning (RL) agents in TensorFlow [★1904]](https://github.com/deepmind/trfl?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
43 |
44 |
45 |
46 |
47 | ## Rank 5
48 | ### [DeOldify: A Deep Learning based project for colorizing and restoring old images [★3986]](https://github.com/jantic/DeOldify?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
49 |
50 |
51 |
52 |
53 | ## Rank 6
54 | ### [Adanet: Fast and flexible AutoML with learning guarantees. [★1799]](https://github.com/tensorflow/adanet?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
55 |
56 |
57 |
58 |
59 | ## Rank 7
60 | ### [Graph_nets: Build Graph Nets in Tensorflow [★2189]](https://github.com/deepmind/graph_nets?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
61 |
62 |
63 |
64 |
65 | ## Rank 8
66 | ### [MAMEToolkit: Arcade Game Reinforcement Learning Python Library [★363]](https://github.com/M-J-Murray/MAMEToolkit?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
67 |
68 |
69 |
70 |
71 | ## Rank 9
72 | ### [PocketFlow: An Automatic Model Compression (AutoMC) framework for developing smaller and faster AI applications. [★1284]](https://github.com/Tencent/PocketFlow?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
73 |
74 |
75 |
76 |
77 | ## Rank 10
78 | ### [Maskrcnn-benchmark: Fast, modular reference implementation of Semantic Segmentation and Object Detection algorithms in PyTorch. [★365]](https://github.com/facebookresearch/maskrcnn-benchmark?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
79 |
80 |
81 |
82 |
--------------------------------------------------------------------------------
/src/12-2018.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Open Source of the Month (v.Dec 2018)
2 |
3 |
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 1,113 ⭐️
9 | * Topics: NLP, Hentai, Applied RL, Reinforcement Learning, Deep Learning, Automl, Graph Networks, MAME RL Algorithm, Model Compression, R-CNN
10 |
11 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
12 |
13 |
14 |
15 | ### Course of the month:
16 |
17 | [A) Beginners: Machine Learning A-Z™: Hands-On Python & R In Data Science.](http://bit.ly/2oAaMA3) [63,713 recommends, 4.5/5 stars]
18 |
19 | [B) Machine Learning with Javascript: Master Machine Learning from scratch using Javascript and TensorflowJS with hands-on projects.](http://bit.ly/2rvL7tt) [414 recommends, 4.7/5 stars]
20 |
21 |
22 |
23 | ## Rank 1
24 | ### [Pytext: A natural language modeling framework based on PyTorch [★2086]](https://github.com/facebookresearch/pytext?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
25 |
26 |
27 |
28 |
29 | ## Rank 2
30 | ### [Jax: GPU- and TPU-backed NumPy with differentiation and JIT compilation. [★2289]](https://github.com/google/jax?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
31 |
32 |
33 |
34 |
35 | ## Rank 3
36 | ### [Reaver-pysc2: Reaver: StarCraft II Deep Reinforcement Learning Agent. Modular DRL framework. Works with Gym, Atari, and MuJoCo as well. [★309]](https://github.com/inoryy/reaver-pysc2?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
37 |
38 |
39 |
40 |
41 | ## Rank 4
42 | ### [PySyft: A Python library for secure, private Deep Learning. PySyft decouples private data from model training, using Multi-Party Computation (MPC) within PyTorch](https://github.com/OpenMined/PySyft?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
43 |
44 |
45 |
46 |
47 | ## Rank 5
48 | ### [Bert-as-service: Mapping a variable-length sentence to a fixed-length vector using BERT model [★1127]](https://github.com/hanxiao/bert-as-service?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
49 |
50 |
51 |
52 |
53 | ## Rank 6
54 | ### [Image-super-resolution: Keras implementation of the Residual Dense Network for super scaling images. [★222]](https://github.com/idealo/image-super-resolution?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
55 |
56 |
57 |
58 |
59 | ## Rank 7
60 | ### [Transparent_latent_gan: Use supervised learning to illuminate the latent space of GAN for controlled generation and edit [★1244]](https://github.com/SummitKwan/transparent_latent_gan?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
61 |
62 |
63 |
64 |
65 | ## Rank 8
66 | ### [Self_driving_pi_car: A deep neural network based self-driving car, that combines Lego Mindstorms NXT with the computational power of a Raspberry Pi 3. [★654]](https://github.com/felipessalvatore/self_driving_pi_car?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
67 |
68 |
69 |
70 |
71 | ## Rank 9
72 | ### [Gandissect: Pytorch-based tools for visualizing and understanding the neurons of a GAN. https://gandissect.csail.mit.edu/ [★800]](https://github.com/CSAILVision/gandissect?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
73 |
74 |
75 |
76 |
77 | ## Rank 10
78 | ### [Aleph_star: Reinforcement learning with A* and a deep heuristic [★104]](https://github.com/imagry/aleph_star?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
79 |
80 |
81 |
82 |
--------------------------------------------------------------------------------
/src/2019-05.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Open Source of the Month (v.May 2019)
2 |
3 | [
](https://medium.com/@Mybridge/machine-learning-open-source-for-the-past-month-v-may-2019-bf4ff9b80b1b)
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 1,102 ⭐️
9 | * Topics: Visual Question Answering, Object Detection, Pytorch, Hacker News Comments Generation, Visualize ML Experiments, Compiler Infrastructure, CNN for 3D Objects
10 |
11 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
12 |
13 |
14 |
15 | Also see the post on [ Medium ](https://medium.com/@Mybridge/machine-learning-open-source-for-the-past-month-v-may-2019-bf4ff9b80b1b)
16 |
17 |
18 |
19 | ### Course of the month:
20 |
21 | [A) NLP: Natural Language Processing with Python. Use Spacy, NLTK, SciKit-Learn, Deep Learning for NLP](http://bit.ly/2Wqk7fZ) [5,719 recommends, 4.6/5 stars]
22 |
23 | [B) Autonomous Cars: Deep Learning and Computer Vision in Python. Use OpenCV, Keras, object and lane detection and traffic sign classification.](http://bit.ly/2HVPTbD) [2,719 recommends, 4.5/5 stars]
24 |
25 |
26 |
27 |
28 | ## Rank 1
29 | ### [Pythia: A modular framework for Visual Question Answering research from Facebook AI Research (FAIR) [★2108]](https://github.com/facebookresearch/pythia?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
30 |
31 |
32 |
33 |
34 | ## Rank 2
35 | ### [Training: Custom Object Detection and Classification Training [★2009]](https://github.com/cloud-annotations/training?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
36 |
37 |
38 |
39 |
40 | ## Rank 3
41 | ### [PyTorch-BigGraph: Software used for generating embeddings from large-scale graph-structured data. [★1416]](https://github.com/facebookresearch/PyTorch-BigGraph?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
42 |
43 |
44 |
45 |
46 | ## Rank 4
47 | ### [Pysot: SenseTime Research platform for single object tracking, implementing algorithms like SiamRPN and SiamMask. [★1680]](https://github.com/STVIR/pysot?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
48 |
49 |
50 |
51 |
52 | ## Rank 5
53 | ### [Hncynic: Generate Hacker News Comments from Titles [★240]](https://github.com/leod/hncynic?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
54 |
55 |
56 |
57 |
58 | ## Rank 6
59 | ### [Interpret: Fit interpretable models. Explain blackbox machine learning. [★1024]](https://github.com/microsoft/interpret?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
60 |
61 |
62 |
63 |
64 | ## Rank 7
65 | ### [Client: A tool for visualizing and tracking your machine learning experiments. Organize and analyze machine learning experiments. [★1092]](https://github.com/wandb/client?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
66 |
67 |
68 |
69 |
70 | ## Rank 8
71 | ### [Mlir: "Multi-Level Intermediate Representation" Compiler Infrastructure for faster machine learning [★828]](https://github.com/tensorflow/mlir?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
72 |
73 |
74 |
75 |
76 | ## Rank 9
77 | ### [MeshCNN: Convolutional Neural Network for 3D meshes in PyTorch [★361]](https://github.com/ranahanocka/MeshCNN?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
78 |
79 |
80 |
81 |
82 | ## Rank 10
83 | ### [Tensorwatch: Debugging, monitoring and visualization for Deep Learning and Reinforcement Learning [★263]](https://github.com/microsoft/tensorwatch?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
84 |
85 |
86 |
87 |
--------------------------------------------------------------------------------
/src/2019-06.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Open Source of the Month (v.June 2019)
2 |
3 | [
](https://medium.mybridge.co/machine-learning-open-source-of-the-month-v-june-2019-b6b43596aaaf)
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 1,622 ⭐️
9 |
10 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
11 |
12 |
13 |
14 | Also see the post on [ Medium ](https://medium.mybridge.co/machine-learning-open-source-of-the-month-v-june-2019-b6b43596aaaf)
15 |
16 |
17 |
18 | ### Course of the month:
19 |
20 | [A) Autonomous Cars: Deep Learning and Computer Vision in Python. Use OpenCV, Keras, object and lane detection and traffic sign classification.](http://bit.ly/2HVPTbD) [2,719 recommends, 4.5/5 stars]
21 |
22 | [B) Reinforcement Learning: Deep Reinforcement Learning in Python.](http://bit.ly/2DQxHjq) [20,396 recommends, 4.6/5 stars]
23 |
24 |
25 |
26 |
27 |
28 | ## Rank 1
29 | ### [DeepFaceLab: DeepFaceLab is a tool that utilizes machine learning to replace faces in videos. Includes prebuilt ready to work standalone Windows 7,8,10 binary (look readme.md). [★3921]](https://github.com/iperov/DeepFaceLab?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
30 |
31 |
32 |
33 |
34 | ## Rank 2
35 | ### [Graphics: TensorFlow Graphics: Differentiable Graphics Layers for TensorFlow [★1694]](https://github.com/tensorflow/graphics?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
36 |
37 |
38 |
39 |
40 | ## Rank 3
41 | ### [Smplify-x: Expressive Body Capture: 3D Hands, Face, and Body from a Single Image [★127]](https://github.com/vchoutas/smplify-x?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
42 |
43 |
44 |
45 |
46 | ## Rank 4
47 | ### [Xlnet: XLNet: Generalized Autoregressive Pretraining for Language Understanding [★3153]](https://github.com/zihangdai/xlnet?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
48 |
49 |
50 |
51 |
52 | ## Rank 5
53 | ### [Mediapipe: MediaPipe is a cross-platform framework for building multimodal applied machine learning pipelines [★192]](https://github.com/google/mediapipe?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
54 |
55 |
56 |
57 |
58 | ## Rank 6
59 | ### [EfficientNet-PyTorch: A PyTorch implementation of EfficientNet [★1658]](https://github.com/lukemelas/EfficientNet-PyTorch?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
60 |
61 |
62 |
63 |
64 | ## Rank 7
65 | ### [Text: Making text a first-class citizen in TensorFlow. [★292]](https://github.com/tensorflow/text?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
66 |
67 |
68 |
69 |
70 | ## Rank 8
71 | ### [MarioO_O-flow-curioisty: Playing SuperMario via flow-based curiosity exploration & RL agent. [★74]](https://github.com/hellochick/MarioO_O-flow-curioisty?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
72 |
73 |
74 |
75 |
76 | ## Rank 9
77 | ### [Pacnet: Pixel-Adaptive Convolutional Neural Networks (CVPR '19) [★164]](https://github.com/NVlabs/pacnet?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
78 |
79 |
80 |
81 |
82 | ## Rank 10
83 | ### [Ax: Adaptive Experimentation Platform [★698]](https://github.com/facebook/Ax?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
84 |
85 |
86 |
87 |
--------------------------------------------------------------------------------
/src/2019-08.md:
--------------------------------------------------------------------------------
1 | # Machine Learning Open Source of the Month (v.Aug 2019)
2 |
3 | [
](https://medium.mybridge.co/top-machine-learning-open-source-from-august-2019-8847e911b85a)
4 |
5 | For the past month, we ranked nearly 250 Machine Learning Open Source Projects to pick the Top 10.
6 | We compared projects with new or major release during this period. Mybridge AI ranks projects based on a variety of factors to measure its quality for professionals.
7 |
8 | * Average number of Github stars in this edition: 1,355 ⭐️
9 |
10 | Open source projects can be useful for programmers. Hope you find an interesting project that inspires you.
11 |
12 |
13 |
14 | Also see the post on [ Medium ](https://medium.mybridge.co/top-machine-learning-open-source-from-august-2019-8847e911b85a)
15 |
16 |
17 |
18 | ### Course of the month:
19 |
20 | [A) TensorFlow 2.0 [2019]: Build Deep Learning Algorithms with TensorFlow 2.0, Dive into Neural Networks and Apply Your Skills in a Business Case](http://bit.ly/2Ht3sOr) [8,719 recommends, 4.5/5 stars]
21 |
22 | [B) Computer Vision: Python for Computer Vision with OpenCV and Deep Learning](http://bit.ly/2NIOgT5) [10,136 recommends, 4.5/5 stars]
23 |
24 |
25 |
26 |
27 | ## Rank 1
28 | ### [UGATIT: Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation [★3346]](https://github.com/taki0112/UGATIT?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
29 |
30 |
31 |
32 |
33 | ## Rank 2
34 | ### [Dlrm: An implementation of a deep learning recommendation model (DLRM) [★1318]](https://github.com/facebookresearch/dlrm?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
35 |
36 |
37 |
38 |
39 | ## Rank 3
40 | ### [Real-Time-Voice-Cloning: Clone a voice in 5 seconds to generate arbitrary speech in real-time [★4546]](https://github.com/CorentinJ/Real-Time-Voice-Cloning?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
41 |
42 |
43 |
44 |
45 | ## Rank 4
46 | ### [RAdam: On The Variance Of The Adaptive Learning Rate And Beyond [★1092]](https://github.com/LiyuanLucasLiu/RAdam?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
47 |
48 |
49 |
50 |
51 | ## Rank 5
52 | ### [TensorNetwork: A library for easy and efficient manipulation of tensor networks. [★783]](https://github.com/google/tensornetwork?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
53 |
54 |
55 |
56 |
57 | ## Rank 6
58 | ### [Megatron-LM: Ongoing research training transformer language models at scale, including: BERT & GPT-2 [★911]](https://github.com/NVIDIA/Megatron-LM?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
59 |
60 |
61 |
62 |
63 | ## Rank 7
64 | ### [Python_autocomplete: A simple neural network for python autocompletion [★621]](https://github.com/vpj/python_autocomplete?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
65 |
66 |
67 |
68 |
69 | ## Rank 8
70 | ### [Realistic-Neural-Talking-Head-Models: My implementation of Few-Shot Adversarial Learning of Realistic Neural Talking Head Models (Egor Zakharov et al.). [★193]](https://github.com/vincent-thevenin/Realistic-Neural-Talking-Head-Models?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
71 |
72 |
73 |
74 |
75 | ## Rank 9
76 | ### [TecoGAN: Source code and materials for the TecoGAN project, i.e. code for a TEmporally COherent GAN [★971]](https://github.com/thunil/TecoGAN?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
77 |
78 |
79 |
80 |
81 | ## Rank 10
82 | ### [Buffalo: A fast and scalable production-ready open source project for recommender systems [★222]](https://github.com/kakao/buffalo?utm_source=mybridge&utm_medium=blog&utm_campaign=read_more)
83 |
84 |
85 |
86 |
--------------------------------------------------------------------------------
/src/Opensource-Nov-ML.png:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/Opensource-Nov-ML.png
--------------------------------------------------------------------------------
/src/Sep-ML-OpenSource.jpg:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/Sep-ML-OpenSource.jpg
--------------------------------------------------------------------------------
/src/apr-machine-opensource.jpg:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/apr-machine-opensource.jpg
--------------------------------------------------------------------------------
/src/aug-ml-opensource.jpg:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/aug-ml-opensource.jpg
--------------------------------------------------------------------------------
/src/feb-machine-learning.png:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/feb-machine-learning.png
--------------------------------------------------------------------------------
/src/july-ml-opensource.jpg:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/july-ml-opensource.jpg
--------------------------------------------------------------------------------
/src/june-ml-opensource.jpg:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/june-ml-opensource.jpg
--------------------------------------------------------------------------------
/src/may-ml-opensource.jpg:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/may-ml-opensource.jpg
--------------------------------------------------------------------------------
/src/ml-1905-open.png:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/ml-1905-open.png
--------------------------------------------------------------------------------
/src/ml-1906-open.png:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/ml-1906-open.png
--------------------------------------------------------------------------------
/src/ml-1907-open.png:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/ml-1907-open.png
--------------------------------------------------------------------------------
/src/ml-opensource-mar.png:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/ml-opensource-mar.png
--------------------------------------------------------------------------------
/src/oct-opensource-ml.png:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/oct-opensource-ml.png
--------------------------------------------------------------------------------
/src/opensource-dec-ml.png:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/Mybridge/machine-learning-open-source/85652bc25d18e8ab6af2ae3a91b44ba205bb0085/src/opensource-dec-ml.png
--------------------------------------------------------------------------------