Issue #1
Let there be light.
Feb. 17, 2012
pip install -r requirements.txt
https://pycoders.com/issues/1
Scripting Languages I: Node.js, Python, PHP, Ruby
https://hyperpolyglot.org/scripting
python -V
python --version
import os, re, sys
python -c 'print("hi!")'
# comment
'''comment line
another line'''
from math import exp, log, \
sin, cos, tan, asin, acos, atan, atan2
import random
random.randint(0, 99)
random.random()
random.gauss(0, 1)
random.seed(17)
seed = random.getstate()
random.setstate(seed)
The Community
o BDFL
o Python Software Foundation
o PEPs
o Python Conferences
o Python User Groups
o Online Communities
o Python Job Boards
Learning Python
o Beginner
o Intermediate
o Advanced
o For Engineers and Scientists
o Miscellaneous Topics
o References
Documentation
o Official Documentation
o Read the Docs
o pydoc
News
o PyCoder’s Weekly
o Real Python
o Planet Python
o /r/python
o Talk Python Podcast
o Python Bytes Podcast
o Python Weekly
o Python News
o Import Python Weekly
o Awesome Python Newsletter
Scientific Applications
o Context
o Tools
o Libraries
o Resources
Image Manipulation
o Python Imaging Library
o Open Source Computer Vision
Machine Learning
o SciPy Stack
o scikit-learn
Publishing Your Code
o Creating a Project Repo on GitHub
o When Your Project Grows
Packaging Your Code
o Alternatives to Packaging
o For Python Developers
o For Linux Distributions
Freezing Your Code
o Alternatives to Freezing
o Comparison of Freezing Tools
o Windows
o OS X
o Linux
https://docs.python.org/release/3.1.5/howto/index.html
https://pythonbooks.revolunet.com/
https://www.youtube.com/playlist?list=PL0DA14EB3618A3507&feature=plcp
Flask Tutorial
http://www.pythontutor.com/visualize.html#mode=edit
https://github.com/pimutils/khal
https://sahandsaba.com/thirty-python-language-features-and-tricks-you-may-
not-know.html
Machine learning and Data Mining -
Association Analysis with Python
FRIDAY, JANUARY 11, 2013
http://aimotion.blogspot.com/2013/01/machine-learning-and-data-mining.html
https://gist.github.com/marcelcaraciolo/1423287
MARCH 7, 2014 BY GARY
Generating Machine Learning Models with
Scikit-Learn
http://www.garysieling.com/blog/generating-machine-learning-models-scikit-
learn/
MACHINE LEARNING
Applying deep learning and a RBM to MNIST using Python
by Adrian Rosebrock on June 23, 2014
http://www.pyimagesearch.com/2014/06/23/applying-deep-learning-rbm-mnist-
using-python/
josephmisiti/awesome-machine-learning
https://github.com/josephmisiti/awesome-machine-learning
Music theory implemented in Python. Notes, intervals, scales and chords.
https://github.com/gciruelos/musthe
Build a Flask App in 30 Minutes
https://stormpath.com/blog/build-a-flask-app-in-30-minutes
Math evolution and dirty tricks
http://multigrad.blogspot.com/2014/04/math-evolution-and-dirty-tricks.html
https://jeffknupp.com/blog/2014/02/04/starting-a-python-project-the-right-way/
https://www.datarobot.com/blog/introduction-to-python-for-statistical-learning/
Buggy Python Code: The 10 Most Common Mistakes That Python Developers
Make
https://www.toptal.com/python/top-10-mistakes-that-python-programmers-
make
DrSkippy/Data-Science-45min-Intros
https://github.com/DrSkippy/Data-Science-45min-Intros
Everything I know about Python...
https://www.jeffknupp.com/blog/2014/06/18/improve-your-python-python-
classes-and-object-oriented-programming/
rasbt/matplotlib-gallery
https://github.com/rasbt/matplotlib-gallery
miha-stopar/nnets
https://github.com/miha-stopar/nnets
An exploratory statistical analysis of the 2014 World Cup Final
https://nbviewer.jupyter.org/github/rjtavares/football-
crunching/blob/master/notebooks/an%20exploratory%20data%20analysis%20of
%20the%20world%20cup%20final.ipynb
Data Science With Python: Part 1
Jul 30, 2014
http://beckerfuffle.com/blog/2014/07/30/data-science-with-python-part-1/
Keeps your secret things
https://github.com/halit/doorman
Python for Programmers
AUG 5, 2014
http://rustyrazorblade.com/post/2014/2014-08-05-python-intro/
Cheat Sheet: Writing Python 2-3 compatible code
http://python-future.org/compatible_idioms.html
Launcher for Windows, an alternative to Alfred and Launchy.
https://github.com/Wox-launcher/Wox
September 4, 2014
Quantum Mechanics with the Python
https://helentronica.com/2014/09/04/quantum-mechanics-with-the-python/
Simple Interactive Data Analysis with Python
https://pbpython.com/simple-data-analysis.html
A modern guide to getting started with Data Science and Python
https://twiecki.io/blog/2014/11/18/python-for-data-science/
Python Tutorial: Comprehensions Jonathan Lettvin
https://www.airpair.com/python/posts/python-comprehension-syntax
Top 10 Python idioms I wish I'd learned earlier
http://prooffreaderplus.blogspot.com/2014/11/top-10-python-idioms-i-wished-
id.html
How to quickly turn an IPython notebook into a blog post
http://prooffreaderplus.blogspot.com/2014/11/how-to-quickly-turn-ipython-
notebook.html
NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural
Networks that describe images with sentences.
https://github.com/karpathy/neuraltalk
The Top Mistakes Developers Make When Using Python for Big Data Analytics
https://www.airpair.com/python/posts/top-mistakes-python-big-data-analytics
14 Best Python Pandas Features
http://www.bigdataexaminer.com/2015/03/23/14-best-python-pandas-features/
Deep learning in Python
https://github.com/andersbll/deeppy
Ipython notebook presentations for getting starting with basic programming,
statistics and machine learning techniques
https://github.com/DrSkippy/Data-Science-45min-Intros
A curated list of awesome Machine Learning frameworks, libraries and software.
https://github.com/josephmisiti/awesome-machine-learning
MARCH 7, 2014 BY GARY
Generating Machine Learning Models with Scikit-Learn
http://www.garysieling.com/blog/generating-machine-learning-models-scikit-
learn/
7 Python Regular Expressions Examples – Re Match Search FindAll
https://www.thegeekstuff.com/2014/07/python-regex-examples/
Python Tips and Traps
https://www.airpair.com/python/posts/python-tips-and-traps
6 Python Performance Tips
https://blog.newrelic.com/engineering/python-performance-tips/
The scope of index variables in Python's for loops
https://eli.thegreenplace.net/2015/the-scope-of-index-variables-in-pythons-for-
loops/
Tips Tricks
https://codefisher.org/catch/blog/2015/01/27/python-tips-tricks-and-idioms/
Linear Regression Implementation in Python
https://dataaspirant.wordpress.com/2014/12/20/linear-regression-
implementation-in-python/
LINEAR REGRESSION IMPLEMENTATION IN PYTHON
DATAASPIRANT · FEBRUARY 12, 2015
https://dataconomy.com/2015/02/linear-regression-implementation-in-python/
A friendly introduction to linear regression (using Python)
https://www.dataschool.io/linear-regression-in-python/
Practical Data Science in Python
https://radimrehurek.com/data_science_python/
Python: Getting Started with Data Analysis
https://alstatr.blogspot.com/2015/02/python-getting-started-with-data.html
Creating PDF Reports with Pandas, Jinja and WeasyPrint
https://pbpython.com/pdf-reports.html
Introduction to Machine Learning with Python and Scikit-Learn
https://kukuruku.co/post/introduction-to-machine-learning-with-python-
andscikit-learn/
Deep Learning for humans Keras
https://github.com/keras-team/keras
A simple example of Python OOP development (with TDD) - Part 1
https://www.thedigitalcatonline.com/blog/2015/05/13/python-oop-tdd-example-
part1/
Ultimate guide for Data Exploration in Python using NumPy, Matplotlib and
Pandas
SUNIL RAY, APRIL 9, 2015
http://www.analyticsvidhya.com/blog/2015/04/comprehensive-guide-data-
exploration-sas-using-python-numpy-scipy-matplotlib-pandas/
Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe,
Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS),
matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command
lines.
https://github.com/donnemartin/data-science-ipython-notebooks
Computational Statistics in Python
http://people.duke.edu/~ccc14/sta-663/index.html
The Traveling Tesla Salesman
https://mortada.net/the-traveling-tesla-salesman.html
Job Salary Prediction with Python
https://nycdatascience.com/blog/student-works/job-salary-prediction-with-
python/
A Neural Network in 11 lines of Python (Part 1)
A bare bones neural network implementation to describe the inner workings of
backpropagation.
Posted by iamtrask on July 12, 2015
http://iamtrask.github.io/2015/07/12/basic-python-network/
Data Science with Python & R: Data Frames I
Published Jul 15, 2015Last updated Apr 12, 2017
https://www.codementor.io/@jadianes/python-vs-r-for-data-science-data-
frames-i-du108148i
Readable regular expressions in Python
http://tonysyu.github.io/readable-regular-expressions-in-python.html#.X-
H0cVVKi00
Intermediate Python
https://github.com/yasoob/intermediatePython
https://book.pythontips.com/en/latest/
Neural Artistic Style in Python
https://github.com/andersbll/neural_artistic_style
Introduction to Monte Carlo Tree Search
Mon 07 September 2015 by Jeff Bradberry
http://jeffbradberry.com/posts/2015/09/intro-to-monte-carlo-tree-search/
Hacking the Random Walk Hypothesis
http://www.turingfinance.com/hacking-the-random-walk-hypothesis/
Building Data Products with Python: Using Machine Learning to Provide
Recommendations
https://www.codementor.io/@jadianes/build-data-products-django-machine-
learning-clustering-user-preferences-du107s5mk
Getting started with Python Language
https://pythonpedia.com/
Introduction to Monte Carlo Tree Search
https://www.caktusgroup.com/blog/2015/09/24/introduction-monte-carlo-tree-
search-1/
Data Science for Losers
https://blog.brakmic.com/data-science-for-losers/
Make images look as if they are made out of 1x1 LEGO blocks
https://github.com/JuanPotato/Legofy
Tutorial: Learn Python Programming and Machine Learning
https://www.dataquest.io/blog/machine-learning-python/
Python’s objects and classes — a visual guide
https://lerner.co.il/2015/10/18/pythons-objects-and-classes-a-visual-guide/
Matplotlib styles examples
https://nbviewer.jupyter.org/github/clbarnes/plotstyles/blob/master/plotstyles.i
pynb
The Best Machine Learning Libraries in Python
https://stackabuse.com/the-best-machine-learning-libraries-in-python/
A Python Automated Machine Learning tool that optimizes machine learning
pipelines using genetic programming.
https://github.com/EpistasisLab/tpot
15 Essential Python Interview Questions
https://www.codementor.io/@sheena/essential-python-interview-questions-
du107ozr6
Tutorial: Comparing 7 Tools For Data Visualization in Python
https://www.dataquest.io/blog/python-data-visualization-libraries/
Anyone Can Learn To Code an LSTM-RNN in Python (Part 1: RNN)
Baby steps to your neural network's first memories.
Posted by iamtrask on November 15, 2015
http://iamtrask.github.io/2015/11/15/anyone-can-code-lstm/
Simplified interface for TensorFlow (mimicking Scikit Learn) for Deep Learning
https://github.com/tensorflow/skflow
Deep Convolutional Generative Adversarial Networks
https://github.com/Newmu/dcgan_code
Working with molecular structures in pandas DataFrames
https://github.com/rasbt/biopandas
See sklearn trees with D3
https://planspace.org/20151129-see_sklearn_trees_with_d3/
A general-purpose computer algebra system.
https://github.com/mathics/Mathics
Machine Learning For Complete Beginners
https://www.pythonforengineers.com/machine-learning-for-complete-beginners/
Python for data science: Getting started
https://www.dataquest.io/blog/python-data-science/
The Elements of Python Style
https://github.com/amontalenti/elements-of-python-style
Neural Turing Machines library in Theano with Lasagne
https://github.com/snipsco/ntm-lasagne
machineJS
https://github.com/ClimbsRocks/machineJS
An automated algorithm/library translation for Python, JS, Go, C#, Ruby. Given an
algorithm, it generate the idiomatic code for it in the language of your choice.
https://github.com/pseudo-lang/pseudo
Adventures in Signal Processing with Python
https://www.embeddedrelated.com/showarticle/197.php
Diving Into Other People's Code
https://www.lihaoyi.com/post/DivingIntoOtherPeoplesCode.html
Scientific Python for Raspberry Pi
https://geoffboeing.com/2016/03/scientific-python-raspberry-pi/
Simulate reverse causality using quantum suicide.
https://github.com/karldray/quantum
Python reflection: how to list modules and inspect functions
https://tomassetti.me/python-reflection-how-to-list-modules-and-inspect-
functions/
Functional Programming: Concepts, Idioms and Philosophy
https://hkupty.github.io/2016/Functional-Programming-Concepts-Idioms-and-
Philosophy/
Convert various source codes into pdf file with custom features
https://github.com/tushar-rishav/code2pdf
Deep learning library featuring a higher-level API for TensorFlow.
https://github.com/tflearn/tflearn
Interactive Data Analysis with Python and Excel
https://pbpython.com/xlwings-pandas-excel.html
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
https://github.com/aymericdamien/TensorFlow-Examples
Directory of Python books
https://github.com/Junnplus/awesome-python-books
Easier data analysis in Python with pandas (video series)
https://www.dataschool.io/easier-data-analysis-with-pandas/
common data analysis and machine learning tasks using python
https://github.com/ujjwalkarn/DataSciencePython
Models and examples built with TensorFlow
https://github.com/tensorflow/models
Python implementation of algorithms from Russell And Norvig's "Artificial
Intelligence - A Modern Approach"
https://github.com/aimacode/aima-python
19 Free eBooks to learn programming with Python.
https://medium.mybridge.co/19-free-ebooks-to-learn-programming-with-python-
8f6f0ad4a7f8#.o2r5zcq7h
Train a deep learning net with OpenStreetMap features and satellite imagery.
https://github.com/trailbehind/DeepOSM
scikit-learn model evaluation made easy: plots, tables and markdown reports.
https://github.com/edublancas/sklearn-evaluation
An all-in-one Docker image for deep learning. Contains all the popular DL
frameworks (TensorFlow, Theano, Torch, Caffe, etc.)
https://github.com/floydhub/dl-docker
Tensorflow + Keras + OpenAI Gym implementation of 1-step Q Learning from
"Asynchronous Methods for Deep Reinforcement Learning"
https://github.com/coreylynch/async-rl
Scientific Python Cheatsheet
https://ipgp.github.io/scientific_python_cheat_sheet/
10 Python Data Visualization Libraries for Any Field | Mode
https://mode.com/blog/python-data-visualization-libraries/
Machine Learning is Fun! Part 3: Deep Learning and Convolutional Neural
Networks
https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-learning-
and-convolutional-neural-networks-f40359318721
NeuPy is a Tensorflow based python library for prototyping and building neural
networks
https://github.com/itdxer/neupy
This project uses reinforcement learning on stock market and agent tries to learn
trading. The goal is to check if the agent can learn to read tape. The project is
dedicated to hero in life great Jesse Livermore.
https://github.com/deependersingla/deep_trader
Building a Data Science Portfolio: Machine Learning Project
https://www.dataquest.io/blog/data-science-portfolio-machine-learning/
Top pandas, numpy and scipy functions and modules used in github repos
https://kozikow.wordpress.com/2016/07/01/top-pandas-functions-used-in-
github-repos/
Improving your Python workflow with Visual Studio Code
https://bespohk.com/blog/configuring-python-visual-studio-code
Drawing animated GIFs with matplotlib
https://eli.thegreenplace.net/2016/drawing-animated-gifs-with-matplotlib/
Stupid Python Tricks: Abusing Explicit Self
https://medium.com/@hwayne/stupid-python-tricks-abusing-explicit-self-
53d46b72e9e0#.yu3rejs36
Deep Reinforcement Learning for Keras.
https://github.com/keras-rl/keras-rl
VS Code
https://github.com/DonJayamanne/pythonVSCode
Keras code and weights files for popular deep learning models.
https://github.com/fchollet/deep-learning-models
Image Processing with Cellular Neural Networks in Python
https://github.com/ankitaggarwal011/PyCNN
Image Completion with Deep Learning in TensorFlow
https://github.com/bamos/dcgan-completion.tensorflow
Image Completion with Deep Learning in TensorFlow
http://bamos.github.io/2016/08/09/deep-completion/
Image super-resolution through deep learning
https://github.com/david-gpu/srez
Super Resolution for images using deep learning.
https://github.com/alexjc/neural-enhance
Linear regression
https://eli.thegreenplace.net/2016/linear-regression/
Python, Machine Learning, and Language Wars
https://sebastianraschka.com/blog/2015/why-python.html
A TensorFlow implementation of DeepMind's WaveNet paper
https://github.com/ibab/tensorflow-wavenet
Keras implementation of deepmind's wavenet paper
https://github.com/usernaamee/keras-wavenet
AI challenge in 78 lines (top 5%)
https://vks.ai/2016-09-07-ai-challenge-in-78-lines
Machine Learning in a Year
https://medium.com/learning-new-stuff/machine-learning-in-a-year-
cdb0b0ebd29c#.8z60qox6z
An Introduction to Stock Market Data Analysis with Python (Part 2)
https://ntguardian.wordpress.com/2016/09/26/introduction-stock-market-data-
python-2/
TensorFlow in a Nutshell — Part Three: All the Models
https://hackernoon.com/tensorflow-in-a-nutshell-part-three-all-the-models-
be1465993930#.bcir5vxah
Apply audio effects such as reverb and EQ directly to audio files or NumPy
ndarrays.
https://github.com/carlthome/python-audio-effects
NumPy Tutorial: Data Analysis with Python
https://www.dataquest.io/blog/numpy-tutorial-python/
Autoencoder network for learning a continuous representation of molecular
structures.
https://github.com/maxhodak/keras-molecules
Image Processing with Numpy
http://www.degeneratestate.org/posts/2016/Oct/23/image-processing-with-
numpy/
Python Cheat Sheet
https://github.com/crazyguitar/pysheeet
Minimal and clean examples of machine learning algorithms implementations
https://github.com/rushter/MLAlgorithms
Uninstall all the packages!
https://github.com/ParthS007/pip-purge
Kalliope is a framework that will help you to create your own personal assistant.
https://github.com/kalliope-project/kalliope
kalliope demo english
https://www.youtube.com/watch?v=PcLzo4H18S4
Building a Financial Model with Pandas
https://pbpython.com/amortization-model.html
Building a Financial Model with Pandas - Version 2
https://pbpython.com/amortization-model-revised.html
Learning to Learn in TensorFlow
https://github.com/deepmind/learning-to-learn
get things from one computer to another, safely
https://github.com/warner/magic-wormhole
Pynamical is a Python package for modeling and visualizing discrete nonlinear
dynamical systems, chaos, and fractals.
https://github.com/gboeing/pynamical
How to remotely monitor your Raspberry Pi processes and IP addresses
https://github.com/initialstate/pi-process-dashboard
Tensorflow implementation of Human-Level Control through Deep Reinforcement
Learning
https://github.com/devsisters/DQN-tensorflow
An absolute beginner's guide to Machine Learning and Image Classification with
Neural Networks
https://github.com/humphd/have-fun-with-machine-learning
A tour in the wonderland of math with python.
https://github.com/neozhaoliang/pywonderland
Hide screen when boss is approaching.
https://github.com/Hironsan/BossSensor
pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
https://github.com/pytorch/pytorch
pytorch
Tutorial: Deep Learning in PyTorch
https://iamtrask.github.io/2017/01/15/pytorch-tutorial/
Machine learning in Python with scikit-learn
https://www.youtube.com/playlist?list=PL5-
da3qGB5ICeMbQuqbbCOQWcS6OYBr5A
Issue #251 Jan. 26, 2017
Build Your First Python and Django Application
https://scotch.io/tutorials/build-your-first-python-and-django-application
An easy, fast lib to correctly password-protect your data
https://github.com/ofek/privy
Introduction to Hidden Markov Models with Python Networkx and Sklearn
http://www.blackarbs.com/blog/introduction-hidden-markov-models-python-
networkx-sklearn/2/9/2017
Automatic Red Eye Remover using OpenCV (C++ / Python)
https://www.learnopencv.com/automatic-red-eye-remover-using-opencv-cpp-
python/
PyTorch implementation of "Image-to-Image Translation Using Conditional
Adversarial Networks".
https://github.com/mrzhu-cool/pix2pix-pytorch
Understanding Geographical Coordinates
http://www.alanzucconi.com/2017/03/13/understanding-geographical-
coordinates/
Evolution Strategies in PyTorch
https://github.com/atgambardella/pytorch-es
Pandas & Seaborn - A guide to handle & visualize data in Python
https://tryolabs.com/blog/2017/03/16/pandas-seaborn-a-guide-to-handle-
visualize-data-elegantly/
Deep Learning without Backpropagation
Tutorial: DeepMind's Synthetic Gradients
https://iamtrask.github.io/2017/03/21/synthetic-gradients/
Profiling and optimizing your Python code
https://toucantoco.com/en/tech-blog/tech/python-performance-optimization
Try Deep Learning in Python now with a fully pre-configured VM
https://medium.com/@ageitgey/try-deep-learning-in-python-now-with-a-fully-
pre-configured-vm-1d97d4c3e9b
Improve Your Python: Python Classes and Object Oriented Programming
https://jeffknupp.com/blog/2017/03/27/improve-your-python-python-classes-
and-object-oriented-programming/
Pandas-based utility to calculate weighted means, medians, distributions,
standard deviations, and more.
https://github.com/jsvine/weightedcalcs
A neural network trained to help writing neural network code using autocomplete
https://github.com/kootenpv/neural_complete
TensorFlow-based neural network library
https://github.com/deepmind/sonnet
Recursive Neural Networks with PyTorch
https://developer.nvidia.com/blog/recursive-neural-networks-pytorch/
Minimal examples of data structures and algorithms in Python
https://github.com/keon/algorithms
Modifying the Python language in 6 minutes
https://hackernoon.com/modifying-the-python-language-in-7-minutes-
b94b0a99ce14
Monitor Memory usage of Python code
https://github.com/fabianp/memory_profiler
Effectively Using Matplotlib
https://pbpython.com/effective-matplotlib.html
Texting robots on Mars using Python, Flask, NASA APIs and Twilio MMS
https://www.twilio.com/blog/2017/04/texting-robots-on-mars-using-python-
flask-nasa-apis-and-twilio-mms.html#comment-3272124348
Image Processing in Python with Pillow
https://auth0.com/blog/image-processing-in-python-with-pillow/
An interesting display of evolution through neural networks and a genetic
algorithm
https://github.com/MichaelJWelsh/bot-evolution
100 days of algorithms
https://medium.com/100-days-of-algorithms
Genetic neural architecture search with Keras
https://github.com/joeddav/devol
How to Prepare for a Python Coding Interview
https://dbader.org/blog/how-to-prepare-for-a-python-coding-interview
Safe Crime Detection
Homomorphic Encryption and Deep Learning for More Effective, Less Intrusive
Digital Surveillance
https://iamtrask.github.io/2017/06/05/homomorphic-surveillance/
Predicting Football Results With Statistical Modelling
predicts football matches using the Poisson distribution
https://dashee87.github.io/football/python/predicting-football-results-with-
statistical-modelling/
5 ways to make Django Admin safer
https://hackernoon.com/5-ways-to-make-django-admin-safer-eb7753698ac8
Neural network visualization toolkit for keras
https://github.com/raghakot/keras-vis
Library of deep learning models and datasets designed to make deep learning
more accessible and accelerate ML research.
https://github.com/tensorflow/tensor2tensor
A TensorFlow Implementation of the Transformer: Attention Is All You Need
https://github.com/Kyubyong/transformer
Tool that predicts the outcome of a Dota 2 game using Machine Learning
https://github.com/andreiapostoae/dota2-predictor
Organized & Useful Resources about Deep Learning with TensorFlow
https://github.com/astorfi/TensorFlow-World-Resources
Get Started with Matplotlib - Data Visualization for Python
https://kanoki.org/2017/07/09/get-started-with-matplotlib-data-visualization-for-
python/
Implementations of mathematical functions, formulas and concepts
https://github.com/mingrammer/funmath
TensorFlow tutorials and best practices.
https://github.com/vahidk/EffectiveTensorflow
What Does It Take to Be An Expert At Python
https://nbviewer.jupyter.org/github/austin-taylor/code-
vault/blob/master/python_expert_notebook.ipynb
Collection of generative models in Tensorflow
https://github.com/hwalsuklee/tensorflow-generative-model-collections
Deep Learning with TensorFlow in Python: Convolution Neural Nets
https://sandipanweb.wordpress.com/2017/08/03/deep-learning-with-
tensorflow-in-python-2/
Forecasting Time Series data with Prophet – Trend Changepoints
https://pythondata.com/forecasting-time-series-data-prophet-trend-
changepoints/
Learn Blockchains by Building One
https://hackernoon.com/learn-blockchains-by-building-one-117428612f46
Deep Learning From Scratch I: Computational Graphs
https://www.deepideas.net/deep-learning-from-scratch-i-computational-graphs/
Simple PyTorch Tutorials Zero to ALL!
https://github.com/hunkim/PyTorchZeroToAll
Python exercises to practice skills
https://github.com/srigalibe/pynotes
TensorFlow: Save and Restore Models
https://stackabuse.com/tensorflow-save-and-restore-models/
MACHINE LEARNING WITH PYTHON – INTRODUCTION
https://devarea.com/machine-learning-with-python-introduction/#.X-NKM1VKi00
Your Next Technical Interview Should be Solved with Python
https://aryaboudaie.com/interviews/python/technical/2017/11/06/python-for-
interviews.html
Analyzing 1000+ Greek Wines With Python
https://tselai.com/greek-wines-analysis.html
Python programs, usually short, of considerable difficulty, to perfect particular
skills.
https://github.com/norvig/pytudes
Implementing a Neural Network from Scratch in Python – An Introduction
https://www.datasciencecentral.com/profiles/blogs/implementing-a-neural-
network-from-scratch-in-python-an
Image restoration with neural networks but without learning.
https://github.com/DmitryUlyanov/deep-image-prior
Monte Carlo Simulation with Categorical Values
https://www.samueltaylor.org/articles/monte-carlo-categorical.html
PYTHON – REGULAR EXPRESSIONS PRACTICAL GUIDE
https://devarea.com/python-regular-expressions-practical-guide/#.X-NNXFVKi00
Keras and deep learning on the Raspberry Pi
https://www.pyimagesearch.com/2017/12/18/keras-deep-learning-raspberry-pi/
Organize your finances easily - from the command line!
https://github.com/pylipp/financeager
A cron-like utility for Python
https://github.com/robdmc/crontabs
Use cron to rotate files and keep time-spaced copies using symlinks
https://github.com/Kraymer/cronicle
How pickle works in Python
https://rushter.com/blog/pickle-serialization-internals/
Understanding internals of Python classes
https://rushter.com/blog/python-class-internals/
Solving the Traveling Salesman Problem using Self-Organizing Maps
https://github.com/DiegoVicen/som-tsp
How to build your own AlphaZero AI using Python and Keras
https://medium.com/applied-data-science/how-to-build-your-own-alphazero-ai-
using-python-and-keras-7f664945c188
Object-Oriented Programming (OOP) in Python 3
https://realpython.com/python3-object-oriented-programming/
How I Shipped a Neural Network on iOS with CoreML, PyTorch, and React Native
https://attardi.org/pytorch-and-coreml/
Short Python code snippets for all your development needs
https://github.com/30-seconds/30-seconds-of-python
15 minute (small) desktop apps built with PyQt
https://github.com/learnpyqt/15-minute-apps
Django Admin Cookbook
https://books.agiliq.com/projects/django-admin-cookbook/en/latest/
Web application from scratch, Part I
https://defn.io/2018/02/25/web-app-from-scratch-01/
5 Quick and Easy Data Visualizations in Python with Code
https://towardsdatascience.com/5-quick-and-easy-data-visualizations-in-python-
with-code-a2284bae952f
Machine Learning for Diabetes with Python
https://datascienceplus.com/machine-learning-for-diabetes-with-python/
Overview of Pandas Data Types
https://pbpython.com/pandas_dtypes.html
Turn a MacBook into a Touchscreen with $1 of Hardware
https://github.com/bijection/sistine
A flexible artificial neural network builder to analyse performance, and optimise
the best model.
https://github.com/casparwylie/Perceptron
Transfer files over WiFi between your computer and your smartphone from the
terminal
https://github.com/sdushantha/qr-filetransfer
A Multi-Qubit Ideal Quantum Computer Simulator
https://github.com/adamisntdead/QuSimPy
Implementation of research papers on Deep Learning+ NLP+ CV in Python using
Keras, Tensorflow and Scikit Learn.
https://github.com/GauravBh1010tt/DeepLearn
A Python Crash Course
https://www.grahamwheeler.com/posts/python-crash-course.html
Model summary in PyTorch similar to `model.summary()` in Keras
https://github.com/sksq96/pytorch-summary
Using Python code with a Raspberry-Pi, PIR motion and a Picamera, you can
create a device which will email you a snapshot image when someone enters your
room.
https://github.com/WillPhillipsCVdemo/Raspberry-Pi-Camera-Motion-Detection.
Simple and comprehensive tutorials in TensorFlow
https://github.com/easy-tensorflow/easy-tensorflow
Cross-platform tool for adding locations to the user PATH, no elevated privileges
required!
https://github.com/ofek/userpath
10 common security gotchas in Python and how to avoid them
https://hackernoon.com/10-common-security-gotchas-in-python-and-how-to-
avoid-them-e19fbe265e03
Python Histogram Plotting: NumPy, Matplotlib, Pandas & Seaborn
https://realpython.com/python-histograms/
Extreme Gradient Boosting with Python
https://datascienceplus.com/extreme-gradient-boosting-with-python/
Organized Resources for Deep Learning Researchers and Developers
https://github.com/astorfi/Deep-Learning-Roadmap
Artificial Neural Networks Explained
https://blog.goodaudience.com/artificial-neural-networks-explained-436fcf36e75
Easy hyperparameter optimization and automatic result saving across machine
learning algorithms and libraries
https://github.com/HunterMcGushion/hyperparameter_hunter
Demystifying Convolutional Neural Networks
https://medium.com/@eternalzer0dayx/demystifying-convolutional-neural-
networks-ca17bdc75559
Python Pandas: Tricks & Features You May Not Know
https://realpython.com/python-pandas-tricks/
Preparing for a Python Developer Interview
https://stackabuse.com/preparing-for-a-python-developer-interview/
The Best Python Books
https://realpython.com/best-python-books/
A highly efficient and modular implementation of Gaussian Processes in PyTorch
https://github.com/cornellius-gp/gpytorch
How to build your own Neural Network from scratch in Python
https://towardsdatascience.com/how-to-build-your-own-neural-network-from-
scratch-in-python-68998a08e4f6
My Python Examples
https://github.com/geekcomputers/Python
Data Science with Python in Visual Studio Code
https://devblogs.microsoft.com/python/data-science-with-python-in-visual-
studio-code/
Top 50 matplotlib Visualizations – The Master Plots (with full python code)
https://www.machinelearningplus.com/plots/top-50-matplotlib-visualizations-
the-master-plots-python/
Python in Visual Studio Code – December 2018 Release
https://devblogs.microsoft.com/python/python-in-visual-studio-code-december-
2018-release/
Python Pandas: Tricks & Features You May Not Know
https://realpython.com/python-pandas-tricks/
An A-Z of useful Python tricks
https://www.freecodecamp.org/news/an-a-z-of-useful-python-tricks-
b467524ee747/
Learn Python from Top 50 Articles for the Past Year (v.2019)
https://medium.mybridge.co/learn-python-from-top-50-articles-for-the-past-
year-v-2019-3225f4643d9c
Machine Learning in Python
https://www.pyimagesearch.com/2019/01/14/machine-learning-in-python/
Automated Machine Learning in Python
https://heartbeat.fritz.ai/automated-machine-learning-in-python-5d7ddcf6bb9e
Regression with Keras
https://www.pyimagesearch.com/2019/01/21/regression-with-keras/
Python Development in Visual Studio Code
https://realpython.com/python-development-visual-studio-code/
Practical Machine Learning with Python and Keras
https://www.kite.com/blog/python/python-machine-learning-keras/
A Neural Network framework in 25 LOC
https://gist.github.com/macournoyer/620a8ba4a2ecd6d6feaf
How to Run Your Python Scripts
https://realpython.com/run-python-scripts/
Monte Carlo Simulation with Python
https://pbpython.com/monte-carlo.html
Python in Visual Studio Code – February 2019 Release
https://devblogs.microsoft.com/python/python-in-visual-studio-code-february-
2019-release/
Python Security Best Practices Cheat Sheet
https://snyk.io/blog/python-security-best-practices-cheat-sheet/
Machine Learning for Beginners: An Introduction to Neural Networks
https://victorzhou.com/blog/intro-to-neural-networks/
10 Python image manipulation tools
https://opensource.com/article/19/3/python-image-manipulation-tools
Intro to Object-Oriented Programming (OOP) in Python
https://realpython.com/courses/intro-object-oriented-programming-oop-python/
Six easy ways to run your Jupyter Notebook in the cloud
https://www.dataschool.io/cloud-services-for-jupyter-notebook/
Linear Regression in Python
https://realpython.com/linear-regression-in-python/
Buggy Python Code: The 10 Most Common Mistakes That Python Developers
Make
https://www.toptal.com/python/top-10-mistakes-that-python-programmers-
make
Machine Learning Course with Python:
https://github.com/instillai/machine-learning-course
CNNs, Part 1: An Introduction to Convolutional Neural Networks
https://victorzhou.com/blog/intro-to-cnns-part-1/
CNNs, Part 2: Training a Convolutional Neural Network
https://victorzhou.com/blog/intro-to-cnns-part-2/
Object-Oriented Programming in Python vs Java
https://realpython.com/oop-in-python-vs-java/
Accuracy: from classification to clustering evaluation
https://smorbieu.gitlab.io/accuracy-from-classification-to-clustering-evaluation/
Dataclasses and attrs: when and why
https://www.revsys.com/tidbits/dataclasses-and-attrs-when-and-why/
Debugging, monitoring and visualization for Python Machine Learning and Data
Science
https://github.com/microsoft/tensorwatch
Bonus materials, exercises, and example projects for our Python tutorials
https://github.com/realpython/materials
OOP Method Types in Python: @classmethod vs @staticmethod vs Instance
Methods
https://realpython.com/courses/python-method-types/
pip3 list pip list
Multiple Linear Regression with Python
https://stackabuse.com/multiple-linear-regression-with-python/
ARIMA Model – Complete Guide to Time Series Forecasting in Python
https://www.machinelearningplus.com/time-series/arima-model-time-series-
forecasting-python/
Generating Random Data in Python
https://realpython.com/courses/generating-random-data-python/
Building Standalone Python Applications with PyOxidizer
https://gregoryszorc.com/blog/2019/06/24/building-standalone-python-
applications-with-pyoxidizer/
Basic Input, Output, and String Formatting in Python
https://realpython.com/python-input-output/
10 Simple hacks to speed up your Data Analysis in Python
https://towardsdatascience.com/10-simple-hacks-to-speed-up-your-data-
analysis-in-python-ec18c6396e6b
Clone a voice in 5 seconds to generate arbitrary speech in real-time
https://github.com/CorentinJ/Real-Time-Voice-Cloning
https://www.youtube.com/watch?v=-O_hYhToKoA
SymPy makes math fun again
https://wordsandbuttons.online/sympy_makes_math_fun_again.html
A Visual Intro to NumPy and Data Representation
https://jalammar.github.io/visual-numpy/
How to Make a Smart Baby Monitor with Python, Raspberry Pi, Twilio SMS, and
Peripheral Sensors
https://www.twilio.com/blog/smart-baby-monitor-python-raspberry-pi-twilio-
sms-peripheral-sensors
Remote development on the Raspberry Pi (or Amazon EC2)
https://www.pyimagesearch.com/2019/07/01/remote-development-on-the-
raspberry-pi-or-amazon-ec2/
5 common mistakes made by beginner python programmers
https://pythoncircle.com/post/602/5-common-mistakes-made-by-beginner-
python-programmers/
Welcome to PyMathProg
http://pymprog.sourceforge.net/
Reading and Writing Files in Python
https://realpython.com/courses/reading-and-writing-files-python/
Write More Pythonic Code
https://realpython.com/learning-paths/writing-pythonic-code/
Python Object Oriented Programming Examples
https://www.pythonprogramming.in/object-oriented-programming.html
Tips and tricks from my Telegram-channel @pythonetc, June 2019
https://habr.com/en/company/mailru/blog/458688/
marc is a small, but flexible Markov chain generator
https://github.com/maxhumber/marc
Spiking Neural Network (SNN) with PyTorch: towards bridging the gap between
deep learning and the human brain
https://guillaume-chevalier.com/spiking-neural-network-snn-with-pytorch-
where-backpropagation-engenders-stdp-hebbian-learning/
Common beginner mistakes in Python
https://deepsource.io/blog/python-common-mistakes/
Neural Networks From Scratch
https://victorzhou.com/series/neural-networks-from-scratch/
The 35 Words You Need to Python
https://yawpitchroll.com/posts/the-35-words-you-need-to-python/
Cyclical Learning Rates with Keras and Deep Learning
https://www.pyimagesearch.com/2019/07/29/cyclical-learning-rates-with-keras-
and-deep-learning/
Tracking the ISS: Part 0 - Prerequisites
https://danielcohen.dev/science/iss/2019/07/28/tracking-the-iss-part-0-
prerequisites.html
Exploring Mathematics with Matplotlib and Python
https://programmingzen.com/exploring-mathematics-with-matplotlib-and-
python/
11 Beginner Tips for Learning Python
https://realpython.com/courses/python-beginner-tips/
Image Classification with Transfer Learning and PyTorch
https://stackabuse.com/image-classification-with-transfer-learning-and-pytorch/
Implementing a Photo Stylizer in Python using a QuadTree Algorithm
https://www.codingwithricky.com/2019/08/03/1-quadtree-photo-stylizer-
python/
A Simple Explanation of the Softmax Function
https://victorzhou.com/blog/softmax/
Understanding Decision Trees for Classification (Python)
https://towardsdatascience.com/understanding-decision-trees-for-classification-
python-9663d683c952
Keras for Beginners: Implementing a Convolutional Neural Network
https://victorzhou.com/blog/keras-cnn-tutorial/
Python Libraries for Interpretable Machine Learning
https://towardsdatascience.com/python-libraries-for-interpretable-machine-
learning-c476a08ed2c7
Testing Scientific Code - How to Get Away with Bad Code
http://pljung.de/posts/testing-scientific-code/
LEGO® MINDSTORMS® Education EV3
https://education.lego.com/en-us/product-resources/mindstorms-ev3/teacher-
resources/python-for-ev3
Business Machine Learning and Data Science Applications
https://github.com/firmai/business-machine-learning/blob/master/README.md
101 Machine Learning Algorithms for Data Science
https://blog.datasciencedojo.com/machine-learning-algorithms/
Module that determines a host's cloud provider.
https://github.com/dgzlopes/cloud-detect
MATLAB vs Python: Why and How to Make the Switch
https://realpython.com/matlab-vs-python/
100 pandas tricks to save you time and energy
https://www.dataschool.io/python-pandas-tips-and-tricks/
Titles
http://blog.rtwilson.com/matplotlib-titles-have-configurable-locations-and-you-
can-have-more-than-one-at-once/
Learn Functional Python in 10 Minutes
https://skerritt.blog/learn-functional-python-in-10-minutes/
How to use iloc and loc for Indexing and Slicing Pandas Dataframes
https://www.marsja.se/how-to-use-iloc-and-loc-for-indexing-and-slicing-pandas-
dataframes/
ML From Scratch, Part 6: Principal Component Analysis
http://www.oranlooney.com/post/ml-from-scratch-part-6-pca/
Simplex
https://opensourc.es/blog/simplex/
Easily hiding items from the legend in matplotlib
http://blog.rtwilson.com/easily-hiding-items-from-the-legend-in-matplotlib/
Announcing Support for Native Editing of Jupyter Notebooks in VS Code
https://devblogs.microsoft.com/python/announcing-support-for-native-editing-
of-jupyter-notebooks-in-vs-code/
Python sleep(): How to Add Time Delays to Your Code
https://realpython.com/python-sleep/
Flying high with Vaex: analysis of over 30 years of flight data in Python
https://towardsdatascience.com/https-medium-com-jovan-veljanoski-flying-high-
with-vaex-analysis-of-over-30-years-of-flight-data-in-python-b224825a6d56
Python Plotting With Matplotlib
https://realpython.com/courses/python-plotting-matplotlib/
Divide and Conquer Algorithms with Python Examples
https://skerritt.blog/divide-and-conquer-algorithms/
3 ways to create a Keras model with TensorFlow 2.0 (Sequential, Functional, and
Model Subclassing)
https://www.pyimagesearch.com/2019/10/28/3-ways-to-create-a-keras-model-
with-tensorflow-2-0-sequential-functional-and-model-subclassing/
Traffic Sign Classification with Keras and Deep Learning
https://www.pyimagesearch.com/2019/11/04/traffic-sign-classification-with-
keras-and-deep-learning/
Django Admin Cookbook
https://books.agiliq.com/projects/django-admin-cookbook/en/latest/
Thinking Recursively in Python
https://realpython.com/courses/thinking-recursively-python/
Jupyter on your phone (or anywhere, really)
https://thekhan314.github.io/jupyter_on_your_phone_or_anywhere_really
Symbolic Maths in Python
https://alexandrugris.github.io/maths/2017/04/30/symbolic-maths-python.html
A tour in the wonderland of math with python.
https://github.com/neozhaoliang/pywonderland
Python Statistics Fundamentals: How to Describe Your Data
https://realpython.com/python-statistics/
===================================================================
Using Pandas and Python to Explore Your Dataset
https://realpython.com/pandas-python-explore-dataset/
20 best Python questions at stackoverflow in 2019
https://python-weekly.blogspot.com/2020/01/20-best-python-questions-at.html
Karate Club: An API Oriented Open-source Python Framework for Unsupervised
Learning on Graphs (CIKM 2020)
https://github.com/benedekrozemberczki/karateclub
Supercharge Your Classes With Python super()
https://realpython.com/courses/python-super/
Logistic Regression in Python
https://realpython.com/logistic-regression-python/
Python in Visual Studio Code – January 2020 Release
https://devblogs.microsoft.com/python/python-in-visual-studio-code-january-
2020-release/
Effectively Using Matplotlib
https://pbpython.com/effective-matplotlib.html
Scientific Python: Using SciPy for Optimization
https://realpython.com/python-scipy-cluster-optimize/
How To Build A Blockchain In Python (Get Pre-Built Runtime)
https://www.activestate.com/blog/how-to-build-a-blockchain-in-python/?
utm_source=pycoders-weekly&utm_medium=email&utm_content=newsletter-
2020-02-18-blockchain&utm_campaign=as-blog
Python Static Analysis Tools
https://luminousmen.com/post/python-static-analysis-tools
Autoencoders with Keras, TensorFlow, and Deep Learning
https://www.pyimagesearch.com/2020/02/17/autoencoders-with-keras-
tensorflow-and-deep-learning/
Polynomial Regression from Scratch in Python
ML from the Fundamentals (part 1)
https://rickwierenga.com/blog/ml-fundamentals/polynomial-regression.html
Deploying Machine Learning Models – pt. 3: gRPC and TensorFlow Serving
https://rubikscode.net/2020/02/24/deploying-machine-learning-models-pt-3-
grpc-and-tensorflow-serving/
How to use Jupyter Notebooks in 2020 (Part 1: The data science landscape)
https://ljvmiranda921.github.io/notebook/2020/03/06/jupyter-notebooks-in-
2020/
Gradient Descent from scratch
https://philippmuens.com/gradient-descent-from-scratch
Applications of Signal Processing in Machine Learning
https://www.womenwhocode.com/blog/applications-of-signal-processing-in-
machine-learning
Top 10 Python Packages For Machine Learning
https://www.activestate.com/blog/top-10-python-machine-learning-packages/?
utm_source=pycoders-weekly&utm_medium=email&utm_content=newsletter-
2020-03-17-top-10-ML-packages&utm_campaign=as-blog
K-nearest neighbors from scratch
https://philippmuens.com/k-nearest-neighbors-from-scratch
The Python math Module: Everything You Need to Know
https://realpython.com/python-math-module/
Math Symbols Explained with Python
https://amitness.com/2019/08/math-for-programmers/
Machine Learning Applications
22+ Examples Across 4 Industries
https://www.stxnext.com/machine-learning-applications-examples-industries/?
utm_source=pycoders-weekly&utm_medium=email&utm_content=newsletter-
2020-03&utm_campaign=2020-03-pycoders
Neural Network Showdown: TensorFlow Vs PyTorch
https://www.activestate.com/blog/neural-network-showdown-tensorflow-vs-
pytorch/?utm_source=pycoders-
weekly&utm_medium=email&utm_content=newsletter-2020-04-14-neural-
network-showdown&utm_campaign=as-blog
Episode 4: Learning Python Through Errors
https://realpython.com/podcasts/rpp/4/
Combining Data in Pandas With merge(), .join(), and concat()
https://realpython.com/pandas-merge-join-and-concat/
A collection of machine learning examples and tutorials.
https://github.com/lazyprogrammer/machine_learning_examples
Python Coding Interviews: Tips & Best Practices
https://realpython.com/courses/python-coding-interviews-tips-best-practices/
How To Convert .Py To .Exe
https://www.activestate.com/blog/how-to-convert-py-to-exe/?
utm_source=pycoders-weekly&utm_medium=email&utm_content=newsletter-
2020-04-28-convert-py-to-exe&utm_campaign=as-blog
The Python print() Function: Go Beyond the Basics
https://realpython.com/courses/python-print/
Episode 8: Docker + Python for Data Science and Machine Learning
https://realpython.com/podcasts/rpp/8/
Interactive Machine Learning experiments: models training + models demo
https://github.com/trekhleb/machine-learning-experiments
Top 10 Python Tools To Make A Developer’s Life Easier
https://www.activestate.com/blog/top-10-python-tools-to-make-your-life-
easier/?utm_source=pycoders-
weekly&utm_medium=email&utm_content=newsletter-2020-05-26-top-10-py-
tool-to-make-your-life-easier&utm_campaign=as-blog
Repository for the EinsteinPy core package
https://github.com/einsteinpy/einsteinpy
Getting machine learning to production
http://veekaybee.github.io/2020/06/09/ml-in-prod/
Never forget your password with this Python encryption algorithm
https://opensource.com/article/20/6/python-passwords
A genetic algorithm toy project for drawing
https://github.com/anopara/genetic-drawing
How To Trick a Neural Network in Python 3
https://www.digitalocean.com/community/tutorials/how-to-trick-a-neural-
network-in-python-3
Deploying and Hosting a Machine Learning Model with FastAPI and Heroku
https://testdriven.io/blog/fastapi-machine-learning/
Object-Oriented Programming (OOP) in Python 3
https://realpython.com/python3-object-oriented-programming/?v2
Darts: Time Series Made Easy in Python
https://medium.com/unit8-machine-learning-publication/darts-time-series-
made-easy-in-python-5ac2947a8878
A beginner’s guide to robot programming with Python
https://thenextweb.com/syndication/2020/07/11/a-beginners-guide-to-robot-
programming-with-python/
Python code for producing your own mathematical art based on weighted voronoi
stippling and the travelling salesman problem!
https://github.com/matthras/tsp-art-python/tree/v1.0.0
Object-Oriented Programming (OOP) in Python 3
https://realpython.com/python3-object-oriented-programming/
Beginner’s Guide To Abstraction
https://jesseduffield.com/beginners-guide-to-abstraction/
Generative Adversarial Networks: Build Your First Models
https://realpython.com/generative-adversarial-networks/
10 Awesome Pythonic One-Liners Explained
https://dev.to/devmount/10-awesome-pythonic-one-liners-explained-3doc
TensorFlow Datasets: The Bad Parts
https://determined.ai/blog/tf-dataset-the-bad-parts/
PyTorch vs TensorFlow for Your Python Deep Learning Project
https://realpython.com/pytorch-vs-tensorflow/
Plot With Pandas: Python Data Visualization for Beginners
https://realpython.com/pandas-plot-python/
Exploring Euler’s Methods for Solving ODEs
https://hassamuddin.com/blog/euler/
Python Practice Problems: Get Ready for Your Next Interview
https://realpython.com/python-practice-problems/
Array programming with NumPy
https://www.nature.com/articles/s41586-020-2649-2
A comprehensive and FREE Online Python Development course FOR KIDS utilizing
an official BBC micro:bit Development Board and later an Expressif ESP32
Development Board going step-by-step into the world of Python for
microcontrollers.
https://github.com/mytechnotalent/Python-For-Kids
Episode 28: Using Pylance to Write Better Python Inside of Visual Studio Code
https://realpython.com/podcasts/rpp/28/
A Python Finance Library that focuses on the pricing and risk-management of
Financial Derivatives, including fixed-income, equity, FX and credit derivatives.
https://github.com/domokane/FinancePy
100+ Python and Data Science Projects for Every Kind of Programmer
https://blog.thecodex.me/100-python-and-data-science-projects-for-every-kind-
of-programmer/
Solving the Equilibrium Index problem in Python
https://johnlekberg.com/blog/2020-10-03-equilibrium-index.html
Check out the new game server:
https://github.com/google-research/football
Qlib is an AI-oriented quantitative investment platform, which aims to realize the
potential, empower the research, and create the value of AI technologies in
quantitative investment. With Qlib, you can easily try your ideas to create better
Quant investment strategies.
https://github.com/microsoft/qlib
Data Management With Python, SQLite, and SQLAlchemy
https://realpython.com/python-sqlite-sqlalchemy/
Exploring fractals on a cloud computer
https://ehmatthes.com/blog/cloud_fractal/
Level Up Your Skills With the Real Python Slack Community
https://realpython.com/community-slack-guide/
Fourier Transforms With scipy.fft: Python Signal Processing
https://realpython.com/python-scipy-fft/
Stories for VSCode
https://github.com/ide-stories/vscode-stories
Distance Metrics for Machine Learning
https://aigents.co/blog/publication/distance-metrics-for-machine-learning
Law of Large Numbers and the Central Limit Theorem (With Python)
https://randomvariable.cc/law-of-large-numbers-central-limit-theorem-python/
Emulating Quantum Computing With Python
https://www.activestate.com/blog/emulating-quantum-computing-with-python/
Introduction to Linear Algebra for Applied Machine Learning with Python
https://pabloinsente.github.io/intro-linear-algebra
73 Examples to Help You Master Python's f-strings
https://miguendes.me/amp/73-examples-to-help-you-master-pythons-f-strings
QuTiP: Quantum Toolbox in Python
https://github.com/qutip/qutip
Episode 36: Sentiment Analysis, Fourier Transforms, and More Python Data
Science
https://realpython.com/podcasts/rpp/36/
Split Your Dataset With scikit-learn's train_test_split()
https://realpython.com/train-test-split-python-data/
A pure-Python Network Packet Sniffing tool
https://github.com/EONRaider/Packet-Sniffer
Making the Printed Links Clickable Using TensorFlow 2 Object Detection API
https://github.com/trekhleb/links-
detector/blob/master/articles/printed_links_detection/printed_links_detection.
md
===================================================================
#452 – DECEMBER 22, 2020
Visualizing the Mandelbrot Set Using Python (< 50 Lines)
https://medium.com/swlh/visualizing-the-mandelbrot-set-using-python-50-lines-
f6aa5a05cf0f
HiPlot makes understanding high dimensional data easy
https://github.com/facebookresearch/hiplot
PsychRNN: Package for Training Recurrent Neural Network Models on Cognitive
Tasks
https://github.com/murraylab/PsychRNN
Medical Image Analysis with Deep Learning — I
https://medium.com/@taposhdr/medical-image-analysis-with-deep-learning-i-
23d518abf531#.efvd4zew9
Deep Learning Toolkit for Medical Image Analysis
https://github.com/DLTK/DLTK
=========================================
@article{bingham2019pyro,
author = {Eli Bingham and
Jonathan P. Chen and
Martin Jankowiak and
Fritz Obermeyer and
Neeraj Pradhan and
Theofanis Karaletsos and
Rohit Singh and
Paul A. Szerlip and
Paul Horsfall and
Noah D. Goodman},
title = {Pyro: Deep Universal Probabilistic Programming},
journal = {J. Mach. Learn. Res.},
volume = {20},
pages = {28:1--28:6},
year = {2019},
url = {http://jmlr.org/papers/v20/18-403.html}
}
===========================================