From eb6f894cc8886bacba4ac124323c502e3a77cf60 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 21:50:27 +0800 Subject: [PATCH 01/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index cb18e6e..78259b0 100644 --- a/README.md +++ b/README.md @@ -1,3 +1,4 @@ +# Python Data Science & Machine Learning Tutorials - This repo contains a curated list of Python tutorials for Data Science, NLP and Machine Learning. - [Curated list of R tutorials for Data Science, NLP and Machine Learning](https://github.com/ujjwalkarn/DataScienceR). From bac9972c258a7e8e809082f6b33bf9033badc357 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 21:54:16 +0800 Subject: [PATCH 02/55] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 78259b0..8ed88de 100644 --- a/README.md +++ b/README.md @@ -1,4 +1,4 @@ -# Python Data Science & Machine Learning Tutorials +# Python Data Science Tutorials - This repo contains a curated list of Python tutorials for Data Science, NLP and Machine Learning. - [Curated list of R tutorials for Data Science, NLP and Machine Learning](https://github.com/ujjwalkarn/DataScienceR). From ef31053eb0eee650fbb79584977f1cbce9ed0288 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:06:00 +0800 Subject: [PATCH 03/55] Update README.md --- README.md | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index 8ed88de..caa331a 100644 --- a/README.md +++ b/README.md @@ -1,9 +1,9 @@ # Python Data Science Tutorials - This repo contains a curated list of Python tutorials for Data Science, NLP and Machine Learning. -- [Curated list of R tutorials for Data Science, NLP and Machine Learning](https://github.com/ujjwalkarn/DataScienceR). +- [**Curated list of R tutorials for Data Science, NLP and Machine Learning**](https://github.com/ujjwalkarn/DataScienceR). -- [Comprehensive topic-wise list of Machine Learning and Deep Learning tutorials, codes, articles and other resources](https://github.com/ujjwalkarn/Machine-Learning-Tutorials/blob/master/README.md). +- [**Comprehensive topic-wise list of Machine Learning and Deep Learning tutorials, codes, articles and other resources**](https://github.com/ujjwalkarn/Machine-Learning-Tutorials/blob/master/README.md). ##Language - [**Dive Into Python**](http://www.diveintopython.net/index.html) From 1d29ab1c573cfc4752d1479dab273382de621e66 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:06:12 +0800 Subject: [PATCH 04/55] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index caa331a..ee3ed5e 100644 --- a/README.md +++ b/README.md @@ -3,7 +3,7 @@ - [**Curated list of R tutorials for Data Science, NLP and Machine Learning**](https://github.com/ujjwalkarn/DataScienceR). -- [**Comprehensive topic-wise list of Machine Learning and Deep Learning tutorials, codes, articles and other resources**](https://github.com/ujjwalkarn/Machine-Learning-Tutorials/blob/master/README.md). +- [Comprehensive topic-wise list of Machine Learning and Deep Learning tutorials, codes, articles and other resources](https://github.com/ujjwalkarn/Machine-Learning-Tutorials/blob/master/README.md). ##Language - [**Dive Into Python**](http://www.diveintopython.net/index.html) From 57cef7c41bac5da31c7759ecfa859aea7dd0b17a Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:24:31 +0800 Subject: [PATCH 05/55] Update README.md --- README.md | 8 ++++++++ 1 file changed, 8 insertions(+) diff --git a/README.md b/README.md index ee3ed5e..d9e60f0 100644 --- a/README.md +++ b/README.md @@ -39,9 +39,17 @@ ##Linear Regression - [Linear Regression in Python](http://nbviewer.ipython.org/github/justmarkham/DAT4/blob/master/notebooks/08_linear_regression.ipynb), [Blog Post](http://www.dataschool.io/linear-regression-in-python/) +- [Linear Regression using Scikit Learn](http://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LinearRegression.html) +- [A friendly introduction to linear regression (using Python)](http://www.dataschool.io/linear-regression-in-python/) +- [Linear Regression Example in Python](http://scipy-cookbook.readthedocs.io/items/LinearRegression.html) +- [Regression analysis using Python StatsModels package](http://www.turingfinance.com/regression-analysis-using-python-statsmodels-and-quandl/) ##Logistic Regression - [Logistic Regression with scikit learn](http://www.dataschool.io/logistic-regression-in-python-using-scikit-learn/) +- [The Yhat Blog: Logistic Regression in Python](http://blog.yhat.com/posts/logistic-regression-and-python.html) +- [Example of logistic regression in Python using scikit-learn](http://www.dataschool.io/logistic-regression-in-python-using-scikit-learn/) +- [TUTORIAL ON LOGISTIC REGRESSION AND OPTIMIZATION IN PYTHON](https://learningwithdata.wordpress.com/2015/04/30/tutorial-on-logistic-regression-and-optimization-in-python/) +- [Using Logistic Regression in Python for Data Science](http://www.dummies.com/how-to/content/using-logistic-regression-in-python-for-data-scien.html) ##Neural Networks - [Implementing a Neural Network from scratch](http://www.wildml.com/2015/09/implementing-a-neural-network-from-scratch/), [Code](https://github.com/dennybritz/nn-from-scratch) From ab51925cf60a751449f7b3d9c493c601aca645d6 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:33:04 +0800 Subject: [PATCH 06/55] Update README.md --- README.md | 9 +++++++++ 1 file changed, 9 insertions(+) diff --git a/README.md b/README.md index d9e60f0..5e9d7ab 100644 --- a/README.md +++ b/README.md @@ -46,11 +46,20 @@ ##Logistic Regression - [Logistic Regression with scikit learn](http://www.dataschool.io/logistic-regression-in-python-using-scikit-learn/) +- [Implementing the softmax function in Python](http://stackoverflow.com/questions/34968722/softmax-function-python) - [The Yhat Blog: Logistic Regression in Python](http://blog.yhat.com/posts/logistic-regression-and-python.html) - [Example of logistic regression in Python using scikit-learn](http://www.dataschool.io/logistic-regression-in-python-using-scikit-learn/) - [TUTORIAL ON LOGISTIC REGRESSION AND OPTIMIZATION IN PYTHON](https://learningwithdata.wordpress.com/2015/04/30/tutorial-on-logistic-regression-and-optimization-in-python/) - [Using Logistic Regression in Python for Data Science](http://www.dummies.com/how-to/content/using-logistic-regression-in-python-for-data-scien.html) +#k Nearest Neighbours +- [A good tutorial on implementing K Nearest Neighbors using scikit learn](http://scikit-learn.org/stable/modules/neighbors.html) +- [Tutorial To Implement k-Nearest Neighbors in Python From Scratch](http://machinelearningmastery.com/tutorial-to-implement-k-nearest-neighbors-in-python-from-scratch/) +- [Implementing your own k-nearest neighbour algorithm using Python](https://blog.cambridgecoding.com/2016/01/16/machine-learning-under-the-hood-writing-your-own-k-nearest-neighbour-algorithm/) +- [knn Python implementation on StackOverflow](http://stackoverflow.com/questions/5565935/k-nearest-neighbour-in-python) +- [kNN with big sparse matrices in Python](http://stackoverflow.com/questions/20333092/knn-with-big-sparse-matrices-in-python) +- [Sklearn kNN usage with a user defined metric](http://stackoverflow.com/questions/21052509/sklearn-knn-usage-with-a-user-defined-metric) + ##Neural Networks - [Implementing a Neural Network from scratch](http://www.wildml.com/2015/09/implementing-a-neural-network-from-scratch/), [Code](https://github.com/dennybritz/nn-from-scratch) - [Speeding up your Neural Network with Theano and the gpu](http://www.wildml.com/2015/09/speeding-up-your-neural-network-with-theano-and-the-gpu/), [Code](https://github.com/dennybritz/nn-theano) From b7cdecafc89431c716abaa1ca2b923ecf2f0b98d Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:36:40 +0800 Subject: [PATCH 07/55] Update README.md --- README.md | 9 +++++++-- 1 file changed, 7 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index 5e9d7ab..a5ef17c 100644 --- a/README.md +++ b/README.md @@ -24,7 +24,7 @@ - [Table of Contents and Code Notebooks](https://github.com/rasbt/python-machine-learning-book/blob/master/README.md#table-of-contents-and-code-notebooks) - [Machine Learning with scikit learn](http://www.dataschool.io/machine-learning-with-scikit-learn/) - [Cheatsheet](http://www.analyticsvidhya.com/blog/2015/09/full-cheatsheet-machine-learning-algorithms/) - +- [**How to compute precision, recall, accuracy and f1-score for the multiclass case with scikit learn?**](http://stackoverflow.com/questions/31421413/how-to-compute-precision-recall-accuracy-and-f1-score-for-the-multiclass-case) ##scikit-learn - [Wiki](https://en.wikipedia.org/wiki/Scikit-learn) @@ -32,6 +32,7 @@ - [**A Gentle Introduction to Scikit-Learn: A Python Machine Learning Library**](http://machinelearningmastery.com/a-gentle-introduction-to-scikit-learn-a-python-machine-learning-library/) - [**PyData Seattle 2015 Scikit-learn Tutorial**](https://github.com/jakevdp/sklearn_pydata2015), [sklearn_scipy2013](https://github.com/jakevdp/sklearn_scipy2013) - [SKLEARN BENCHMARKS: A centralized repository to report scikit-learn model performance across a variety of parameter settings and data sets.](https://github.com/rhiever/sklearn-benchmarks) +- [](http://stackoverflow.com/questions/11116697/how-to-get-most-informative-features-for-scikit-learn-classifiers) - [**Code example to predict prices of Airbnb vacation rentals, using scikit-learn on Spark**](https://github.com/mapr-demos/spark-sklearn-airbnb-predict) - [**ML with scikit learn**](http://amueller.github.io/sklearn_tutorial/) - [Parallel and Large Scale Machine Learning with scikit-learn](https://speakerdeck.com/ogrisel/parallel-and-large-scale-machine-learning-with-scikit-learn), [Meetup](http://datasciencelondon.org/machine-learning-python-scikit-learn-ipython-dsldn-data-science-london-kaggle/) @@ -47,19 +48,23 @@ ##Logistic Regression - [Logistic Regression with scikit learn](http://www.dataschool.io/logistic-regression-in-python-using-scikit-learn/) - [Implementing the softmax function in Python](http://stackoverflow.com/questions/34968722/softmax-function-python) +- [**What is the inverse of regularization strength in Logistic Regression? How should it affect my code?**](http://stackoverflow.com/questions/22851316/what-is-the-inverse-of-regularization-strength-in-logistic-regression-how-shoul) - [The Yhat Blog: Logistic Regression in Python](http://blog.yhat.com/posts/logistic-regression-and-python.html) - [Example of logistic regression in Python using scikit-learn](http://www.dataschool.io/logistic-regression-in-python-using-scikit-learn/) - [TUTORIAL ON LOGISTIC REGRESSION AND OPTIMIZATION IN PYTHON](https://learningwithdata.wordpress.com/2015/04/30/tutorial-on-logistic-regression-and-optimization-in-python/) - [Using Logistic Regression in Python for Data Science](http://www.dummies.com/how-to/content/using-logistic-regression-in-python-for-data-scien.html) -#k Nearest Neighbours +##k Nearest Neighbours - [A good tutorial on implementing K Nearest Neighbors using scikit learn](http://scikit-learn.org/stable/modules/neighbors.html) +- [**Is it possible to specify your own distance function using scikit-learn K-Means Clustering?**](http://stackoverflow.com/questions/5529625/is-it-possible-to-specify-your-own-distance-function-using-scikit-learn-k-means) - [Tutorial To Implement k-Nearest Neighbors in Python From Scratch](http://machinelearningmastery.com/tutorial-to-implement-k-nearest-neighbors-in-python-from-scratch/) - [Implementing your own k-nearest neighbour algorithm using Python](https://blog.cambridgecoding.com/2016/01/16/machine-learning-under-the-hood-writing-your-own-k-nearest-neighbour-algorithm/) - [knn Python implementation on StackOverflow](http://stackoverflow.com/questions/5565935/k-nearest-neighbour-in-python) - [kNN with big sparse matrices in Python](http://stackoverflow.com/questions/20333092/knn-with-big-sparse-matrices-in-python) - [Sklearn kNN usage with a user defined metric](http://stackoverflow.com/questions/21052509/sklearn-knn-usage-with-a-user-defined-metric) + + ##Neural Networks - [Implementing a Neural Network from scratch](http://www.wildml.com/2015/09/implementing-a-neural-network-from-scratch/), [Code](https://github.com/dennybritz/nn-from-scratch) - [Speeding up your Neural Network with Theano and the gpu](http://www.wildml.com/2015/09/speeding-up-your-neural-network-with-theano-and-the-gpu/), [Code](https://github.com/dennybritz/nn-theano) From fe5f88abe28857c5888fe4281f9c7bb580bbfcae Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:37:13 +0800 Subject: [PATCH 08/55] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index a5ef17c..4d93636 100644 --- a/README.md +++ b/README.md @@ -23,7 +23,7 @@ - [**Python Machine Learning Book**](https://github.com/rasbt/python-machine-learning-book) - [Table of Contents and Code Notebooks](https://github.com/rasbt/python-machine-learning-book/blob/master/README.md#table-of-contents-and-code-notebooks) - [Machine Learning with scikit learn](http://www.dataschool.io/machine-learning-with-scikit-learn/) -- [Cheatsheet](http://www.analyticsvidhya.com/blog/2015/09/full-cheatsheet-machine-learning-algorithms/) +- [Machine Learning Algorithms Cheatsheet](http://www.analyticsvidhya.com/blog/2015/09/full-cheatsheet-machine-learning-algorithms/) - [**How to compute precision, recall, accuracy and f1-score for the multiclass case with scikit learn?**](http://stackoverflow.com/questions/31421413/how-to-compute-precision-recall-accuracy-and-f1-score-for-the-multiclass-case) ##scikit-learn From 7d005a703757b8d027dfb6bf81823ded31fa6edb Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:37:40 +0800 Subject: [PATCH 09/55] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 4d93636..bed5d79 100644 --- a/README.md +++ b/README.md @@ -32,7 +32,7 @@ - [**A Gentle Introduction to Scikit-Learn: A Python Machine Learning Library**](http://machinelearningmastery.com/a-gentle-introduction-to-scikit-learn-a-python-machine-learning-library/) - [**PyData Seattle 2015 Scikit-learn Tutorial**](https://github.com/jakevdp/sklearn_pydata2015), [sklearn_scipy2013](https://github.com/jakevdp/sklearn_scipy2013) - [SKLEARN BENCHMARKS: A centralized repository to report scikit-learn model performance across a variety of parameter settings and data sets.](https://github.com/rhiever/sklearn-benchmarks) -- [](http://stackoverflow.com/questions/11116697/how-to-get-most-informative-features-for-scikit-learn-classifiers) +- [How to get most informative features for scikit-learn classifiers?](http://stackoverflow.com/questions/11116697/how-to-get-most-informative-features-for-scikit-learn-classifiers) - [**Code example to predict prices of Airbnb vacation rentals, using scikit-learn on Spark**](https://github.com/mapr-demos/spark-sklearn-airbnb-predict) - [**ML with scikit learn**](http://amueller.github.io/sklearn_tutorial/) - [Parallel and Large Scale Machine Learning with scikit-learn](https://speakerdeck.com/ogrisel/parallel-and-large-scale-machine-learning-with-scikit-learn), [Meetup](http://datasciencelondon.org/machine-learning-python-scikit-learn-ipython-dsldn-data-science-london-kaggle/) From c31fc7ef2c517a0874c5edfb4ac3e2a1073256f6 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:38:09 +0800 Subject: [PATCH 10/55] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index bed5d79..8495b0b 100644 --- a/README.md +++ b/README.md @@ -27,7 +27,7 @@ - [**How to compute precision, recall, accuracy and f1-score for the multiclass case with scikit learn?**](http://stackoverflow.com/questions/31421413/how-to-compute-precision-recall-accuracy-and-f1-score-for-the-multiclass-case) ##scikit-learn -- [Wiki](https://en.wikipedia.org/wiki/Scikit-learn) +- [scikit learn on Wikipedia](https://en.wikipedia.org/wiki/Scikit-learn) - [**Introduction to machine learning with scikit-learn**](https://github.com/justmarkham/scikit-learn-videos), [**Videos!**](http://blog.kaggle.com/author/kevin-markham/) - [**A Gentle Introduction to Scikit-Learn: A Python Machine Learning Library**](http://machinelearningmastery.com/a-gentle-introduction-to-scikit-learn-a-python-machine-learning-library/) - [**PyData Seattle 2015 Scikit-learn Tutorial**](https://github.com/jakevdp/sklearn_pydata2015), [sklearn_scipy2013](https://github.com/jakevdp/sklearn_scipy2013) From 60a04d34e75ca80b9be9abaae26282ba4a8b9ec4 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:38:41 +0800 Subject: [PATCH 11/55] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 8495b0b..cc18a3f 100644 --- a/README.md +++ b/README.md @@ -34,7 +34,7 @@ - [SKLEARN BENCHMARKS: A centralized repository to report scikit-learn model performance across a variety of parameter settings and data sets.](https://github.com/rhiever/sklearn-benchmarks) - [How to get most informative features for scikit-learn classifiers?](http://stackoverflow.com/questions/11116697/how-to-get-most-informative-features-for-scikit-learn-classifiers) - [**Code example to predict prices of Airbnb vacation rentals, using scikit-learn on Spark**](https://github.com/mapr-demos/spark-sklearn-airbnb-predict) -- [**ML with scikit learn**](http://amueller.github.io/sklearn_tutorial/) +- [**Machine Learning with scikit learn tutorial**](http://amueller.github.io/sklearn_tutorial/) - [Parallel and Large Scale Machine Learning with scikit-learn](https://speakerdeck.com/ogrisel/parallel-and-large-scale-machine-learning-with-scikit-learn), [Meetup](http://datasciencelondon.org/machine-learning-python-scikit-learn-ipython-dsldn-data-science-london-kaggle/) From 7ffcedd397f7b8bd931eec4efa7f4be2c1158071 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:46:32 +0800 Subject: [PATCH 12/55] Update README.md --- README.md | 10 ++++++++++ 1 file changed, 10 insertions(+) diff --git a/README.md b/README.md index cc18a3f..0ada4e2 100644 --- a/README.md +++ b/README.md @@ -88,7 +88,17 @@ ##Pandas - [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) +- [10 minutes to Pandas](http://pandas.pydata.org/pandas-docs/stable/10min.html) - [Timeseries analysis using Pandas](http://nbviewer.jupyter.org/github/twiecki/financial-analysis-python-tutorial/blob/master/1.%20Pandas%20Basics.ipynb) +- [**“Large data” work flows using pandas**](http://stackoverflow.com/questions/14262433/large-data-work-flows-using-pandas) +- Quick Operations on a Pandas DataFrame + - [Renaming Columns in Pandas](http://stackoverflow.com/questions/11346283/renaming-columns-in-pandas) + - [Deleting Columns from pandas DataFrame](http://stackoverflow.com/questions/13411544/delete-column-from-pandas-dataframe) + - [Adding new Column to existing DataFrame in Python pandas](http://stackoverflow.com/questions/12555323/adding-new-column-to-existing-dataframe-in-python-pandas) + - [Add one Row in a pandas.DataFrame](http://stackoverflow.com/questions/10715965/add-one-row-in-a-pandas-dataframe) + - [Changing the order of DataFrame Columns](http://stackoverflow.com/questions/13148429/how-to-change-the-order-of-dataframe-columns) + - [Changing data type of Columns](http://stackoverflow.com/questions/15891038/pandas-change-data-type-of-columns) + - [Getting a list of the column headers from a pandas DataFrame](http://stackoverflow.com/questions/19482970/get-list-from-pandas-dataframe-column-headers) ##Text Mining From eb650f12d94c5c84841ba0910cb04bea88682a40 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:50:31 +0800 Subject: [PATCH 13/55] Update README.md --- README.md | 5 +++++ 1 file changed, 5 insertions(+) diff --git a/README.md b/README.md index 0ada4e2..8163b15 100644 --- a/README.md +++ b/README.md @@ -99,6 +99,11 @@ - [Changing the order of DataFrame Columns](http://stackoverflow.com/questions/13148429/how-to-change-the-order-of-dataframe-columns) - [Changing data type of Columns](http://stackoverflow.com/questions/15891038/pandas-change-data-type-of-columns) - [Getting a list of the column headers from a pandas DataFrame](http://stackoverflow.com/questions/19482970/get-list-from-pandas-dataframe-column-headers) + - [Converting list of dictionaries to Dataframe](http://stackoverflow.com/questions/20638006/convert-list-of-dictionaries-to-dataframe) + - [Getting row count of pandas DataFrame](http://stackoverflow.com/questions/15943769/how-to-get-row-count-of-pandas-dataframe) + - [Most efficient way to loop through DataFrames with pandas](http://stackoverflow.com/questions/7837722/what-is-the-most-efficient-way-to-loop-through-dataframes-with-pandas) + - [Deleting DataFrame row in Pandas based on column value](http://stackoverflow.com/questions/18172851/deleting-dataframe-row-in-pandas-based-on-column-value) + - [Dropping a list of rows from Pandas DataFrame](http://stackoverflow.com/questions/14661701/how-to-drop-a-list-of-rows-from-pandas-dataframe) ##Text Mining From c727ecdb5448cc27cbad274e5b67b4a0426b7fa6 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 22:51:06 +0800 Subject: [PATCH 14/55] Update README.md --- README.md | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index 8163b15..d1a1be5 100644 --- a/README.md +++ b/README.md @@ -7,14 +7,14 @@ ##Language - [**Dive Into Python**](http://www.diveintopython.net/index.html) -- [HIGHEST VOTED](http://stackoverflow.com/questions/tagged/python?sort=votes&pageSize=50) +- [Highest Voted Python Questions](http://stackoverflow.com/questions/tagged/python?sort=votes&pageSize=50) - [Quick Reference to Python](http://www.dataschool.io/python-quick-reference/) - [The Elements of Python Style](https://github.com/amontalenti/elements-of-python-style) - [**What does the yield keyword do in Python?**](http://stackoverflow.com/questions/231767/what-does-the-yield-keyword-do-in-python) - [Parsing values from a JSON file in Python](http://stackoverflow.com/questions/2835559/parsing-values-from-a-json-file-in-python) - [**Python Quora FAQs**](https://www.quora.com/topic/Python-programming-language-1) - [time-complexity of various operations - list/dict - in current CPython](https://wiki.python.org/moin/TimeComplexity) -- Scripting +- Scripting in Python - [Python Scripting Tutorial](http://www.dreamsyssoft.com/python-scripting-tutorial/intro-tutorial.php) - [Scripting with Python](https://www.schrodinger.com//AcrobatFile.php?type=supportdocs&type2=&ident=404) - [**Can I use Python as a bash replacement?**](http://stackoverflow.com/questions/209470/can-i-use-python-as-a-bash-replacement) From 13fe32b7d2eabbe97a24698c9470cd303fca237f Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 23:01:37 +0800 Subject: [PATCH 15/55] Update README.md --- README.md | 24 +++++++++++++++++++----- 1 file changed, 19 insertions(+), 5 deletions(-) diff --git a/README.md b/README.md index d1a1be5..768c4ec 100644 --- a/README.md +++ b/README.md @@ -25,6 +25,7 @@ - [Machine Learning with scikit learn](http://www.dataschool.io/machine-learning-with-scikit-learn/) - [Machine Learning Algorithms Cheatsheet](http://www.analyticsvidhya.com/blog/2015/09/full-cheatsheet-machine-learning-algorithms/) - [**How to compute precision, recall, accuracy and f1-score for the multiclass case with scikit learn?**](http://stackoverflow.com/questions/31421413/how-to-compute-precision-recall-accuracy-and-f1-score-for-the-multiclass-case) +- [One Hot Encoding for Machine learning in Python](http://stackoverflow.com/questions/17469835/one-hot-encoding-for-machine-learning) ##scikit-learn - [scikit learn on Wikipedia](https://en.wikipedia.org/wiki/Scikit-learn) @@ -36,16 +37,18 @@ - [**Code example to predict prices of Airbnb vacation rentals, using scikit-learn on Spark**](https://github.com/mapr-demos/spark-sklearn-airbnb-predict) - [**Machine Learning with scikit learn tutorial**](http://amueller.github.io/sklearn_tutorial/) - [Parallel and Large Scale Machine Learning with scikit-learn](https://speakerdeck.com/ogrisel/parallel-and-large-scale-machine-learning-with-scikit-learn), [Meetup](http://datasciencelondon.org/machine-learning-python-scikit-learn-ipython-dsldn-data-science-london-kaggle/) +- [Saving classifier to disk in scikit-learn](http://stackoverflow.com/questions/10592605/save-classifier-to-disk-in-scikit-learn) -##Linear Regression +##Linear Regression in Python - [Linear Regression in Python](http://nbviewer.ipython.org/github/justmarkham/DAT4/blob/master/notebooks/08_linear_regression.ipynb), [Blog Post](http://www.dataschool.io/linear-regression-in-python/) - [Linear Regression using Scikit Learn](http://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LinearRegression.html) - [A friendly introduction to linear regression (using Python)](http://www.dataschool.io/linear-regression-in-python/) - [Linear Regression Example in Python](http://scipy-cookbook.readthedocs.io/items/LinearRegression.html) - [Regression analysis using Python StatsModels package](http://www.turingfinance.com/regression-analysis-using-python-statsmodels-and-quandl/) +- [Run an OLS regression with Pandas Data Frame](http://stackoverflow.com/questions/19991445/run-an-ols-regression-with-pandas-data-frame) -##Logistic Regression +##Logistic Regression in Python - [Logistic Regression with scikit learn](http://www.dataschool.io/logistic-regression-in-python-using-scikit-learn/) - [Implementing the softmax function in Python](http://stackoverflow.com/questions/34968722/softmax-function-python) - [**What is the inverse of regularization strength in Logistic Regression? How should it affect my code?**](http://stackoverflow.com/questions/22851316/what-is-the-inverse-of-regularization-strength-in-logistic-regression-how-shoul) @@ -54,7 +57,7 @@ - [TUTORIAL ON LOGISTIC REGRESSION AND OPTIMIZATION IN PYTHON](https://learningwithdata.wordpress.com/2015/04/30/tutorial-on-logistic-regression-and-optimization-in-python/) - [Using Logistic Regression in Python for Data Science](http://www.dummies.com/how-to/content/using-logistic-regression-in-python-for-data-scien.html) -##k Nearest Neighbours +##k Nearest Neighbours in Python - [A good tutorial on implementing K Nearest Neighbors using scikit learn](http://scikit-learn.org/stable/modules/neighbors.html) - [**Is it possible to specify your own distance function using scikit-learn K-Means Clustering?**](http://stackoverflow.com/questions/5529625/is-it-possible-to-specify-your-own-distance-function-using-scikit-learn-k-means) - [Tutorial To Implement k-Nearest Neighbors in Python From Scratch](http://machinelearningmastery.com/tutorial-to-implement-k-nearest-neighbors-in-python-from-scratch/) @@ -64,15 +67,26 @@ - [Sklearn kNN usage with a user defined metric](http://stackoverflow.com/questions/21052509/sklearn-knn-usage-with-a-user-defined-metric) - -##Neural Networks +##Neural Networks in Python - [Implementing a Neural Network from scratch](http://www.wildml.com/2015/09/implementing-a-neural-network-from-scratch/), [Code](https://github.com/dennybritz/nn-from-scratch) - [Speeding up your Neural Network with Theano and the gpu](http://www.wildml.com/2015/09/speeding-up-your-neural-network-with-theano-and-the-gpu/), [Code](https://github.com/dennybritz/nn-theano) - [Recurrent Neural Net Tutorial Part 1](http://www.wildml.com/2015/09/recurrent-neural-networks-tutorial-part-1-introduction-to-rnns/), [Part 2] (http://www.wildml.com/2015/09/recurrent-neural-networks-tutorial-part-2-implementing-a-language-model-rnn-with-python-numpy-and-theano/), [Code](https://github.com/dennybritz/rnn-tutorial-rnnlm/) +##Decision Trees in Python +- [How to extract the decision rules from scikit-learn decision-tree?](http://stackoverflow.com/questions/20224526/how-to-extract-the-decision-rules-from-scikit-learn-decision-tree) +- [**How do I find which attributes my tree splits on, when using scikit-learn?**](http://stackoverflow.com/questions/20156951/how-do-i-find-which-attributes-my-tree-splits-on-when-using-scikit-learn) +- [Quora: What is a good Python library for decision trees?](https://www.quora.com/What-is-a-good-Python-library-for-decision-trees), [StackOverflow](http://stackoverflow.com/questions/3127922/what-is-a-good-python-library-for-decision-trees) +- [Building Decision Trees in Python](http://www.onlamp.com/pub/a/python/2006/02/09/ai_decision_trees.html?page=1) +- [Pure Python Decision Trees](http://kldavenport.com/pure-python-decision-trees/) +- [Building a decision tree from scratch in Python - a beginner's tutorial](http://www.patricklamle.com/Tutorials/Decision%20tree%20python/tuto_decision%20tree.html) +- [Using Python to Build and Use a Simple Decision Tree Classifier](https://github.com/gumption/Python_for_Data_Science/blob/master/4_Python_Simple_Decision_Tree.ipynb) +- [Decision trees in python with scikit-learn and pandas](http://chrisstrelioff.ws/sandbox/2015/06/08/decision_trees_in_python_with_scikit_learn_and_pandas.html) + + ##Data Science with Python - [awesome-python](https://github.com/vinta/awesome-python) +- [Python for Data Science: Basic Concepts](https://github.com/gumption/Python_for_Data_Science/blob/master/2_Data_Science_Basic_Concepts.ipynb) - [Pycon India 2015 Notes](http://www.analyticsvidhya.com/blog/2015/10/notes-impressions-experience-excitement-pycon-india-2015/) - [**5 important Python Data Science advancements of 2015**](https://medium.com/@elgehelge/the-5-most-important-python-data-science-advancements-of-2015-a136482da89b#.sp2c1la9z) - [Data Exploration with Numpy cheat sheet](http://www.analyticsvidhya.com/blog/2015/07/11-steps-perform-data-analysis-pandas-python) From d082fe6089c1af2e2b0141adc08239680ce6333e Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 23:12:57 +0800 Subject: [PATCH 16/55] Update README.md --- README.md | 28 +++++++++++++++++++++++----- 1 file changed, 23 insertions(+), 5 deletions(-) diff --git a/README.md b/README.md index 768c4ec..a3bede4 100644 --- a/README.md +++ b/README.md @@ -8,6 +8,7 @@ ##Language - [**Dive Into Python**](http://www.diveintopython.net/index.html) - [Highest Voted Python Questions](http://stackoverflow.com/questions/tagged/python?sort=votes&pageSize=50) +- [Python Basic Concepts](https://github.com/gumption/Python_for_Data_Science/blob/master/3_Python_Basic_Concepts.ipynb) - [Quick Reference to Python](http://www.dataschool.io/python-quick-reference/) - [The Elements of Python Style](https://github.com/amontalenti/elements-of-python-style) - [**What does the yield keyword do in Python?**](http://stackoverflow.com/questions/231767/what-does-the-yield-keyword-do-in-python) @@ -82,6 +83,19 @@ - [Building a decision tree from scratch in Python - a beginner's tutorial](http://www.patricklamle.com/Tutorials/Decision%20tree%20python/tuto_decision%20tree.html) - [Using Python to Build and Use a Simple Decision Tree Classifier](https://github.com/gumption/Python_for_Data_Science/blob/master/4_Python_Simple_Decision_Tree.ipynb) - [Decision trees in python with scikit-learn and pandas](http://chrisstrelioff.ws/sandbox/2015/06/08/decision_trees_in_python_with_scikit_learn_and_pandas.html) +- [Code for simple decision tree in Python](https://github.com/gumption/Python_for_Data_Science/blob/master/simple_decision_tree.py) + +##Random FOrest with Python +- [Getting Started with Random Forests: Titanic Competition on Kaggle](https://www.kaggle.com/c/titanic/details/getting-started-with-random-forests), [Python sample code](https://www.kaggle.com/c/digit-recognizer/forums/t/2299/getting-started-python-sample-code-random-forest) +- [RandomForestClassifier vs ExtraTreesClassifier in scikit learn](http://stackoverflow.com/questions/22409855/randomforestclassifier-vs-extratreesclassifier-in-scikit-learn) +- [Powerful Guide to learn Random Forest](http://www.analyticsvidhya.com/blog/2015/09/random-forest-algorithm-multiple-challenges/) +- [How are Feature Importances in RandomForestClassifier determined?](http://stackoverflow.com/questions/15810339/how-are-feature-importances-in-randomforestclassifier-determined) +- [Random forest interpretation with scikit-learn](http://blog.datadive.net/random-forest-interpretation-with-scikit-learn/) +- [Random Forests in Python Tutorial](http://blog.yhat.com/posts/random-forests-in-python.html) +- [Unbalanced classification using RandomForestClassifier in sklearn](http://stackoverflow.com/questions/20082674/unbalanced-classification-using-randomforestclassifier-in-sklearn) +- [Random Forest with categorical features in sklearn](http://stackoverflow.com/questions/24715230/random-forest-with-categorical-features-in-sklearn) +- [How to output RandomForest Classifier from python?](http://stackoverflow.com/questions/23000693/how-to-output-randomforest-classifier-from-python) + ##Data Science with Python @@ -90,7 +104,6 @@ - [Pycon India 2015 Notes](http://www.analyticsvidhya.com/blog/2015/10/notes-impressions-experience-excitement-pycon-india-2015/) - [**5 important Python Data Science advancements of 2015**](https://medium.com/@elgehelge/the-5-most-important-python-data-science-advancements-of-2015-a136482da89b#.sp2c1la9z) - [Data Exploration with Numpy cheat sheet](http://www.analyticsvidhya.com/blog/2015/07/11-steps-perform-data-analysis-pandas-python) -- [NLP](http://www.datasciencecentral.com/profiles/blogs/python-nlp-tools) - [Querying Craiglist with Python](http://chrisholdgraf.com/querying-craigslist-with-python/?imm_mid=0d8940&cmp=em-data-na-na-newsltr_20150916) - [**An introduction to Numpy and Scipy**](http://www.engr.ucsb.edu/~shell/che210d/numpy.pdf) - [Create NBA Shot Charts](http://savvastjortjoglou.com/nba-shot-sharts.html) @@ -120,19 +133,24 @@ - [Dropping a list of rows from Pandas DataFrame](http://stackoverflow.com/questions/14661701/how-to-drop-a-list-of-rows-from-pandas-dataframe) -##Text Mining +##Text Mining in Python - [**NLP with Python ORiley Book**](http://www.nltk.org/book_1ed/), [Python 3](http://www.nltk.org/book/) - [Text Analytics : Intro and Tokenization](http://a4analytics.blogspot.sg/2015/03/text-mining-post-1.html) - [NLTK BOOK](http://www.nltk.org/book/ch01.html) - [Elegant N-gram Generation in Python](http://locallyoptimal.com/blog/2013/01/20/elegant-n-gram-generation-in-python/) - [**Computing N Grams using Python**](http://stackoverflow.com/questions/13423919/computing-n-grams-using-python) - [N-grams: Explanation + 2 applications](http://stackoverflow.com/questions/1032288/n-grams-explanation-2-applications) +- [NLP Tutorial with Python](http://www.datasciencecentral.com/profiles/blogs/python-nlp-tools) -##Sentiment Analysis +##Sentiment Analysis with Python - [Twitter-Sentiment-Analysis](https://github.com/ujjwalkarn/Twitter-Sentiment-Analysis) +- [Basic Sentiment Analysis with Python](http://fjavieralba.com/basic-sentiment-analysis-with-python.html) +- [What is the best way to do Sentiment Analysis with Python?](https://www.quora.com/What-is-the-best-way-to-do-Sentiment-Analysis-with-Python-1) +- [How to Calculate Twitter Sentiment Using AlchemyAPI with Python](http://www.alchemyapi.com/developers/getting-started-guide/twitter-sentiment-analysis) +- [Second Try: Sentiment Analysis in Python](http://andybromberg.com/sentiment-analysis-python/) +- [Sentiment Analysis with Python NLTK Text Classification](http://text-processing.com/demo/sentiment/) - -##Pickle +##Pickle: convert a python object (list, dict, etc.) into a character stream - [Python serialization - Why pickle?](http://stackoverflow.com/questions/8968884/python-serialization-why-pickle) - [**Serializing Python Objects**](http://www.diveinto.org/python3/serializing.html), [**Binary Files**](http://www.diveinto.org/python3/files.html#binary) - [What is Pickle in python ?](https://pythontips.com/2013/08/02/what-is-pickle-in-python/) From 82c2aaa6c517457fc2a8a52f8d442d6d1d26f393 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 23:13:18 +0800 Subject: [PATCH 17/55] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index a3bede4..eb33df4 100644 --- a/README.md +++ b/README.md @@ -85,7 +85,7 @@ - [Decision trees in python with scikit-learn and pandas](http://chrisstrelioff.ws/sandbox/2015/06/08/decision_trees_in_python_with_scikit_learn_and_pandas.html) - [Code for simple decision tree in Python](https://github.com/gumption/Python_for_Data_Science/blob/master/simple_decision_tree.py) -##Random FOrest with Python +##Random Forest with Python - [Getting Started with Random Forests: Titanic Competition on Kaggle](https://www.kaggle.com/c/titanic/details/getting-started-with-random-forests), [Python sample code](https://www.kaggle.com/c/digit-recognizer/forums/t/2299/getting-started-python-sample-code-random-forest) - [RandomForestClassifier vs ExtraTreesClassifier in scikit learn](http://stackoverflow.com/questions/22409855/randomforestclassifier-vs-extratreesclassifier-in-scikit-learn) - [Powerful Guide to learn Random Forest](http://www.analyticsvidhya.com/blog/2015/09/random-forest-algorithm-multiple-challenges/) From 9ae6dad6ff47191805a3849c8ea5458b4c5a79e7 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 23:19:49 +0800 Subject: [PATCH 18/55] Update README.md --- README.md | 15 +++++++++++++-- 1 file changed, 13 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index eb33df4..efb86c3 100644 --- a/README.md +++ b/README.md @@ -69,9 +69,12 @@ ##Neural Networks in Python -- [Implementing a Neural Network from scratch](http://www.wildml.com/2015/09/implementing-a-neural-network-from-scratch/), [Code](https://github.com/dennybritz/nn-from-scratch) +- [Implementing a Neural Network from scratch in Python](http://www.wildml.com/2015/09/implementing-a-neural-network-from-scratch/), [Code](https://github.com/dennybritz/nn-from-scratch) +- [A Neural Network in 11 lines of Python](http://iamtrask.github.io/2015/07/12/basic-python-network/) - [Speeding up your Neural Network with Theano and the gpu](http://www.wildml.com/2015/09/speeding-up-your-neural-network-with-theano-and-the-gpu/), [Code](https://github.com/dennybritz/nn-theano) -- [Recurrent Neural Net Tutorial Part 1](http://www.wildml.com/2015/09/recurrent-neural-networks-tutorial-part-1-introduction-to-rnns/), [Part 2] (http://www.wildml.com/2015/09/recurrent-neural-networks-tutorial-part-2-implementing-a-language-model-rnn-with-python-numpy-and-theano/), [Code](https://github.com/dennybritz/rnn-tutorial-rnnlm/) +- [What is the best neural network library for Python?](https://www.quora.com/What-is-the-best-neural-network-library-for-Python) +- [Recurrent Neural Net Tutorial in Python Part 1](http://www.wildml.com/2015/09/recurrent-neural-networks-tutorial-part-1-introduction-to-rnns/), [Part 2](http://www.wildml.com/2015/09/recurrent-neural-networks-tutorial-part-2-implementing-a-language-model-rnn-with-python-numpy-and-theano/), [Code](https://github.com/dennybritz/rnn-tutorial-rnnlm/) +- [PyBrain: modular Machine Learning Library for Python](http://pybrain.org/) ##Decision Trees in Python @@ -96,6 +99,14 @@ - [Random Forest with categorical features in sklearn](http://stackoverflow.com/questions/24715230/random-forest-with-categorical-features-in-sklearn) - [How to output RandomForest Classifier from python?](http://stackoverflow.com/questions/23000693/how-to-output-randomforest-classifier-from-python) +##Support Vector Machine in Python +- [Fastest SVM implementation usable in Python](http://stackoverflow.com/questions/9299346/fastest-svm-implementation-usable-in-python) +- [An example using python bindings for SVM library, LIBSVM](http://stackoverflow.com/questions/4214868/an-example-using-python-bindings-for-svm-library-libsvm) +- [What is the best SVM library usable from Python?](https://www.quora.com/What-is-the-best-SVM-library-usable-from-Python) +- [How does sklearn.svm.svc's function predict_proba() work internally?](http://stackoverflow.com/questions/15111408/how-does-sklearn-svm-svcs-function-predict-proba-work-internally) +- [Support vector machine in Python using libsvm example of features](http://stackoverflow.com/questions/30991592/support-vector-machine-in-python-using-libsvm-example-of-features) +- [Linear SVC Machine learning SVM example with Python](https://pythonprogramming.net/linear-svc-example-scikit-learn-svm-python/) +- [Understanding Support Vector Machine algorithm from examples (along with code)](http://www.analyticsvidhya.com/blog/2015/10/understaing-support-vector-machine-example-code/) ##Data Science with Python From d9e90a3d7b4a9a1583d9b51fd968030c0ec3a396 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 23:20:11 +0800 Subject: [PATCH 19/55] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index efb86c3..a5eac8d 100644 --- a/README.md +++ b/README.md @@ -5,7 +5,7 @@ - [Comprehensive topic-wise list of Machine Learning and Deep Learning tutorials, codes, articles and other resources](https://github.com/ujjwalkarn/Machine-Learning-Tutorials/blob/master/README.md). -##Language +##The Python Language - [**Dive Into Python**](http://www.diveintopython.net/index.html) - [Highest Voted Python Questions](http://stackoverflow.com/questions/tagged/python?sort=votes&pageSize=50) - [Python Basic Concepts](https://github.com/gumption/Python_for_Data_Science/blob/master/3_Python_Basic_Concepts.ipynb) From 8659726ed064112b224d78682939f7298f4b297b Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 18 May 2016 23:21:00 +0800 Subject: [PATCH 20/55] Update README.md --- README.md | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index a5eac8d..be1f8fa 100644 --- a/README.md +++ b/README.md @@ -124,7 +124,7 @@ - [**Which is better for data analysis: R or Python?**](https://www.quora.com/Which-is-better-for-data-analysis-R-or-Python) - [**Web scraping in Python**](https://github.com/ujjwalkarn/Web-Scraping) -##Pandas +##Pandas Library in Python - [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) - [10 minutes to Pandas](http://pandas.pydata.org/pandas-docs/stable/10min.html) - [Timeseries analysis using Pandas](http://nbviewer.jupyter.org/github/twiecki/financial-analysis-python-tutorial/blob/master/1.%20Pandas%20Basics.ipynb) @@ -161,7 +161,7 @@ - [Second Try: Sentiment Analysis in Python](http://andybromberg.com/sentiment-analysis-python/) - [Sentiment Analysis with Python NLTK Text Classification](http://text-processing.com/demo/sentiment/) -##Pickle: convert a python object (list, dict, etc.) into a character stream +##Pickle: convert a python object into a character stream - [Python serialization - Why pickle?](http://stackoverflow.com/questions/8968884/python-serialization-why-pickle) - [**Serializing Python Objects**](http://www.diveinto.org/python3/serializing.html), [**Binary Files**](http://www.diveinto.org/python3/files.html#binary) - [What is Pickle in python ?](https://pythontips.com/2013/08/02/what-is-pickle-in-python/) From 88d0fd0b9cd94f192ac07e04fcb7388816ec3b16 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Thu, 19 May 2016 00:20:23 +0800 Subject: [PATCH 21/55] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index be1f8fa..8c3a72b 100644 --- a/README.md +++ b/README.md @@ -28,7 +28,7 @@ - [**How to compute precision, recall, accuracy and f1-score for the multiclass case with scikit learn?**](http://stackoverflow.com/questions/31421413/how-to-compute-precision-recall-accuracy-and-f1-score-for-the-multiclass-case) - [One Hot Encoding for Machine learning in Python](http://stackoverflow.com/questions/17469835/one-hot-encoding-for-machine-learning) -##scikit-learn +##Scikit Learn - [scikit learn on Wikipedia](https://en.wikipedia.org/wiki/Scikit-learn) - [**Introduction to machine learning with scikit-learn**](https://github.com/justmarkham/scikit-learn-videos), [**Videos!**](http://blog.kaggle.com/author/kevin-markham/) - [**A Gentle Introduction to Scikit-Learn: A Python Machine Learning Library**](http://machinelearningmastery.com/a-gentle-introduction-to-scikit-learn-a-python-machine-learning-library/) From ba565213c0b558b106a83eb2be796a9ac0b46eb5 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Thu, 19 May 2016 01:08:09 +0800 Subject: [PATCH 22/55] Update README.md --- README.md | 8 ++++---- 1 file changed, 4 insertions(+), 4 deletions(-) diff --git a/README.md b/README.md index 8c3a72b..3251291 100644 --- a/README.md +++ b/README.md @@ -132,15 +132,15 @@ - Quick Operations on a Pandas DataFrame - [Renaming Columns in Pandas](http://stackoverflow.com/questions/11346283/renaming-columns-in-pandas) - [Deleting Columns from pandas DataFrame](http://stackoverflow.com/questions/13411544/delete-column-from-pandas-dataframe) - - [Adding new Column to existing DataFrame in Python pandas](http://stackoverflow.com/questions/12555323/adding-new-column-to-existing-dataframe-in-python-pandas) + - [Adding new Column to existing DataFrame](http://stackoverflow.com/questions/12555323/adding-new-column-to-existing-dataframe-in-python-pandas) - [Add one Row in a pandas.DataFrame](http://stackoverflow.com/questions/10715965/add-one-row-in-a-pandas-dataframe) - [Changing the order of DataFrame Columns](http://stackoverflow.com/questions/13148429/how-to-change-the-order-of-dataframe-columns) - [Changing data type of Columns](http://stackoverflow.com/questions/15891038/pandas-change-data-type-of-columns) - - [Getting a list of the column headers from a pandas DataFrame](http://stackoverflow.com/questions/19482970/get-list-from-pandas-dataframe-column-headers) + - [Getting a list of the column headers from a DataFrame](http://stackoverflow.com/questions/19482970/get-list-from-pandas-dataframe-column-headers) - [Converting list of dictionaries to Dataframe](http://stackoverflow.com/questions/20638006/convert-list-of-dictionaries-to-dataframe) - [Getting row count of pandas DataFrame](http://stackoverflow.com/questions/15943769/how-to-get-row-count-of-pandas-dataframe) - - [Most efficient way to loop through DataFrames with pandas](http://stackoverflow.com/questions/7837722/what-is-the-most-efficient-way-to-loop-through-dataframes-with-pandas) - - [Deleting DataFrame row in Pandas based on column value](http://stackoverflow.com/questions/18172851/deleting-dataframe-row-in-pandas-based-on-column-value) + - [Most efficient way to loop through DataFrames](http://stackoverflow.com/questions/7837722/what-is-the-most-efficient-way-to-loop-through-dataframes-with-pandas) + - [Deleting DataFrame row based on column value](http://stackoverflow.com/questions/18172851/deleting-dataframe-row-in-pandas-based-on-column-value) - [Dropping a list of rows from Pandas DataFrame](http://stackoverflow.com/questions/14661701/how-to-drop-a-list-of-rows-from-pandas-dataframe) From a4a58ae21b475de4214c1e0ea3f3250e5abbab5b Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Thu, 19 May 2016 01:13:39 +0800 Subject: [PATCH 23/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 3251291..114d475 100644 --- a/README.md +++ b/README.md @@ -7,6 +7,7 @@ ##The Python Language - [**Dive Into Python**](http://www.diveintopython.net/index.html) +- [Learn Python Wiki on Reddit](https://www.reddit.com/r/learnpython/wiki/index) - [Highest Voted Python Questions](http://stackoverflow.com/questions/tagged/python?sort=votes&pageSize=50) - [Python Basic Concepts](https://github.com/gumption/Python_for_Data_Science/blob/master/3_Python_Basic_Concepts.ipynb) - [Quick Reference to Python](http://www.dataschool.io/python-quick-reference/) From 57d745888067dd6f139627f960055bb43b07909c Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Thu, 19 May 2016 02:08:54 +0800 Subject: [PATCH 24/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 114d475..e363db0 100644 --- a/README.md +++ b/README.md @@ -16,6 +16,7 @@ - [Parsing values from a JSON file in Python](http://stackoverflow.com/questions/2835559/parsing-values-from-a-json-file-in-python) - [**Python Quora FAQs**](https://www.quora.com/topic/Python-programming-language-1) - [time-complexity of various operations - list/dict - in current CPython](https://wiki.python.org/moin/TimeComplexity) +- [The Guide to Learning Python for Data Science](http://www.datasciencecentral.com/profiles/blogs/the-guide-to-learning-python-for-data-science-2) - Scripting in Python - [Python Scripting Tutorial](http://www.dreamsyssoft.com/python-scripting-tutorial/intro-tutorial.php) - [Scripting with Python](https://www.schrodinger.com//AcrobatFile.php?type=supportdocs&type2=&ident=404) From 1e54b02a7961d391b2c7d4542b539ae7df14c5bd Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Sun, 22 May 2016 18:03:34 -0700 Subject: [PATCH 25/55] Update README.md --- README.md | 3 +++ 1 file changed, 3 insertions(+) diff --git a/README.md b/README.md index e363db0..a411757 100644 --- a/README.md +++ b/README.md @@ -162,6 +162,9 @@ - [How to Calculate Twitter Sentiment Using AlchemyAPI with Python](http://www.alchemyapi.com/developers/getting-started-guide/twitter-sentiment-analysis) - [Second Try: Sentiment Analysis in Python](http://andybromberg.com/sentiment-analysis-python/) - [Sentiment Analysis with Python NLTK Text Classification](http://text-processing.com/demo/sentiment/) +- Codes and Explanation + - [**Sentiment Analysis with bag-of-words**](http://ataspinar.com/2016/01/21/sentiment-analysis-with-bag-of-words/) + - [**Sentiment Analysis with Naive Bayes**](http://ataspinar.com/2016/02/15/sentiment-analysis-with-the-naive-bayes-classifier/) ##Pickle: convert a python object into a character stream - [Python serialization - Why pickle?](http://stackoverflow.com/questions/8968884/python-serialization-why-pickle) From 9c4fd0e372795b1abe97ee52b7f4fc87fd2198c1 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Thu, 2 Jun 2016 12:31:04 -0500 Subject: [PATCH 26/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index a411757..d55c0c6 100644 --- a/README.md +++ b/README.md @@ -113,6 +113,7 @@ ##Data Science with Python - [awesome-python](https://github.com/vinta/awesome-python) +- [**An Introduction to Scientific Python (and a Bit of the Maths Behind It) – NumPy**](http://www.kdnuggets.com/2016/06/intro-scientific-python-numpy.html) - [Python for Data Science: Basic Concepts](https://github.com/gumption/Python_for_Data_Science/blob/master/2_Data_Science_Basic_Concepts.ipynb) - [Pycon India 2015 Notes](http://www.analyticsvidhya.com/blog/2015/10/notes-impressions-experience-excitement-pycon-india-2015/) - [**5 important Python Data Science advancements of 2015**](https://medium.com/@elgehelge/the-5-most-important-python-data-science-advancements-of-2015-a136482da89b#.sp2c1la9z) From 0323adc7e754e37f0385afc5558545f1bc64b68d Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Thu, 2 Jun 2016 12:35:56 -0500 Subject: [PATCH 27/55] Update README.md --- README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.md b/README.md index d55c0c6..2dd1d2a 100644 --- a/README.md +++ b/README.md @@ -23,12 +23,14 @@ - [**Can I use Python as a bash replacement?**](http://stackoverflow.com/questions/209470/can-i-use-python-as-a-bash-replacement) ##Machine Learning with Python +- [Data Normalization in Python](http://blog.yhat.com/posts/data-normalization-in-python.html) - [**Python Machine Learning Book**](https://github.com/rasbt/python-machine-learning-book) - [Table of Contents and Code Notebooks](https://github.com/rasbt/python-machine-learning-book/blob/master/README.md#table-of-contents-and-code-notebooks) - [Machine Learning with scikit learn](http://www.dataschool.io/machine-learning-with-scikit-learn/) - [Machine Learning Algorithms Cheatsheet](http://www.analyticsvidhya.com/blog/2015/09/full-cheatsheet-machine-learning-algorithms/) - [**How to compute precision, recall, accuracy and f1-score for the multiclass case with scikit learn?**](http://stackoverflow.com/questions/31421413/how-to-compute-precision-recall-accuracy-and-f1-score-for-the-multiclass-case) - [One Hot Encoding for Machine learning in Python](http://stackoverflow.com/questions/17469835/one-hot-encoding-for-machine-learning) +- [**Building a (semi) Autonomous Drone with Python**](http://blog.yhat.com/posts/autonomous-droning-with-python.html) ##Scikit Learn - [scikit learn on Wikipedia](https://en.wikipedia.org/wiki/Scikit-learn) From 86c3ec8a9dbf01afd500bd3399e77760ea9368d5 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Thu, 2 Jun 2016 12:43:52 -0500 Subject: [PATCH 28/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 2dd1d2a..bd57947 100644 --- a/README.md +++ b/README.md @@ -55,6 +55,7 @@ ##Logistic Regression in Python - [Logistic Regression with scikit learn](http://www.dataschool.io/logistic-regression-in-python-using-scikit-learn/) +- [Logistic Regression in Python](http://blog.yhat.com/posts/logistic-regression-and-python.html) - [Implementing the softmax function in Python](http://stackoverflow.com/questions/34968722/softmax-function-python) - [**What is the inverse of regularization strength in Logistic Regression? How should it affect my code?**](http://stackoverflow.com/questions/22851316/what-is-the-inverse-of-regularization-strength-in-logistic-regression-how-shoul) - [The Yhat Blog: Logistic Regression in Python](http://blog.yhat.com/posts/logistic-regression-and-python.html) From 6196d69b466b918c2d2dd568450004fdfc3c0e82 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Mon, 6 Jun 2016 20:36:37 -0500 Subject: [PATCH 29/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index bd57947..993b4d8 100644 --- a/README.md +++ b/README.md @@ -6,6 +6,7 @@ - [Comprehensive topic-wise list of Machine Learning and Deep Learning tutorials, codes, articles and other resources](https://github.com/ujjwalkarn/Machine-Learning-Tutorials/blob/master/README.md). ##The Python Language +- [**Awesome Python**](https://github.com/vinta/awesome-python) - [**Dive Into Python**](http://www.diveintopython.net/index.html) - [Learn Python Wiki on Reddit](https://www.reddit.com/r/learnpython/wiki/index) - [Highest Voted Python Questions](http://stackoverflow.com/questions/tagged/python?sort=votes&pageSize=50) From bab4a384033eba393f142a7a270818972c279aea Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Fri, 10 Jun 2016 03:14:44 -0500 Subject: [PATCH 30/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 993b4d8..1a6af4e 100644 --- a/README.md +++ b/README.md @@ -7,6 +7,7 @@ ##The Python Language - [**Awesome Python**](https://github.com/vinta/awesome-python) +- [**Jargon from the functional programming world in simple terms!**](https://github.com/hemanth/functional-programming-jargon) - [**Dive Into Python**](http://www.diveintopython.net/index.html) - [Learn Python Wiki on Reddit](https://www.reddit.com/r/learnpython/wiki/index) - [Highest Voted Python Questions](http://stackoverflow.com/questions/tagged/python?sort=votes&pageSize=50) From e121b04b9434f9d46757dd7589ea4f33f57f8ecc Mon Sep 17 00:00:00 2001 From: Kevin Markham Date: Fri, 1 Jul 2016 11:18:55 -0400 Subject: [PATCH 31/55] add resources on trees, Random Forests, and pandas --- README.md | 16 +++++++++++++--- 1 file changed, 13 insertions(+), 3 deletions(-) diff --git a/README.md b/README.md index 1a6af4e..d44193e 100644 --- a/README.md +++ b/README.md @@ -94,6 +94,7 @@ - [Using Python to Build and Use a Simple Decision Tree Classifier](https://github.com/gumption/Python_for_Data_Science/blob/master/4_Python_Simple_Decision_Tree.ipynb) - [Decision trees in python with scikit-learn and pandas](http://chrisstrelioff.ws/sandbox/2015/06/08/decision_trees_in_python_with_scikit_learn_and_pandas.html) - [Code for simple decision tree in Python](https://github.com/gumption/Python_for_Data_Science/blob/master/simple_decision_tree.py) +- [Lesson notebook: Regression and Classification Trees](http://nbviewer.jupyter.org/github/justmarkham/DAT8/blob/master/notebooks/17_decision_trees.ipynb) ##Random Forest with Python - [Getting Started with Random Forests: Titanic Competition on Kaggle](https://www.kaggle.com/c/titanic/details/getting-started-with-random-forests), [Python sample code](https://www.kaggle.com/c/digit-recognizer/forums/t/2299/getting-started-python-sample-code-random-forest) @@ -105,6 +106,7 @@ - [Unbalanced classification using RandomForestClassifier in sklearn](http://stackoverflow.com/questions/20082674/unbalanced-classification-using-randomforestclassifier-in-sklearn) - [Random Forest with categorical features in sklearn](http://stackoverflow.com/questions/24715230/random-forest-with-categorical-features-in-sklearn) - [How to output RandomForest Classifier from python?](http://stackoverflow.com/questions/23000693/how-to-output-randomforest-classifier-from-python) +- [Lesson notebook: Ensembling, Bagging, and Random Forests](http://nbviewer.jupyter.org/github/justmarkham/DAT8/blob/master/notebooks/18_ensembling.ipynb) ##Support Vector Machine in Python - [Fastest SVM implementation usable in Python](http://stackoverflow.com/questions/9299346/fastest-svm-implementation-usable-in-python) @@ -137,19 +139,27 @@ - [10 minutes to Pandas](http://pandas.pydata.org/pandas-docs/stable/10min.html) - [Timeseries analysis using Pandas](http://nbviewer.jupyter.org/github/twiecki/financial-analysis-python-tutorial/blob/master/1.%20Pandas%20Basics.ipynb) - [**“Large data” work flows using pandas**](http://stackoverflow.com/questions/14262433/large-data-work-flows-using-pandas) +- [Easier data analysis with pandas (video series)](http://www.dataschool.io/easier-data-analysis-with-pandas/) - Quick Operations on a Pandas DataFrame - - [Renaming Columns in Pandas](http://stackoverflow.com/questions/11346283/renaming-columns-in-pandas) - - [Deleting Columns from pandas DataFrame](http://stackoverflow.com/questions/13411544/delete-column-from-pandas-dataframe) + - [Renaming Columns in Pandas](http://stackoverflow.com/questions/11346283/renaming-columns-in-pandas) ([video](https://www.youtube.com/watch?v=0uBirYFhizE&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=5)) + - [Deleting Columns from pandas DataFrame](http://stackoverflow.com/questions/13411544/delete-column-from-pandas-dataframe) ([video](https://www.youtube.com/watch?v=gnUKkS964WQ&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=6)) - [Adding new Column to existing DataFrame](http://stackoverflow.com/questions/12555323/adding-new-column-to-existing-dataframe-in-python-pandas) - [Add one Row in a pandas.DataFrame](http://stackoverflow.com/questions/10715965/add-one-row-in-a-pandas-dataframe) - [Changing the order of DataFrame Columns](http://stackoverflow.com/questions/13148429/how-to-change-the-order-of-dataframe-columns) - - [Changing data type of Columns](http://stackoverflow.com/questions/15891038/pandas-change-data-type-of-columns) + - [Changing data type of Columns](http://stackoverflow.com/questions/15891038/pandas-change-data-type-of-columns) ([video](https://www.youtube.com/watch?v=V0AWyzVMf54&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=13)) - [Getting a list of the column headers from a DataFrame](http://stackoverflow.com/questions/19482970/get-list-from-pandas-dataframe-column-headers) - [Converting list of dictionaries to Dataframe](http://stackoverflow.com/questions/20638006/convert-list-of-dictionaries-to-dataframe) - [Getting row count of pandas DataFrame](http://stackoverflow.com/questions/15943769/how-to-get-row-count-of-pandas-dataframe) - [Most efficient way to loop through DataFrames](http://stackoverflow.com/questions/7837722/what-is-the-most-efficient-way-to-loop-through-dataframes-with-pandas) - [Deleting DataFrame row based on column value](http://stackoverflow.com/questions/18172851/deleting-dataframe-row-in-pandas-based-on-column-value) - [Dropping a list of rows from Pandas DataFrame](http://stackoverflow.com/questions/14661701/how-to-drop-a-list-of-rows-from-pandas-dataframe) + - [Sorting a DataFrame or a single column](https://www.youtube.com/watch?v=zY4doF6xSxY&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=7) + - [Filtering DataFrame rows by column value](https://www.youtube.com/watch?v=2AFGPdNn4FM&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=8) + - [Filtering DataFrame rows using multiple criteria](https://www.youtube.com/watch?v=YPItfQ87qjM&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=9) + - [Dropping all non-numeric columns from a DataFrame](https://youtu.be/B-r9VuK80dk?t=4m31s) + - [Counting and removing missing values](https://www.youtube.com/watch?v=fCMrO_VzeL8&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=16) + - [Selecting multiple rows and columns from a DataFrame](https://www.youtube.com/watch?v=xvpNA7bC8cs&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=19) + - [Reducing the size of a DataFrame](https://www.youtube.com/watch?v=wDYDYGyN_cw&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=21) ##Text Mining in Python From 7b160276948e7bf4b458a143ae5fb2fb0c9002b0 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Tue, 5 Jul 2016 06:10:45 +0530 Subject: [PATCH 32/55] Update README.md --- README.md | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index d44193e..e36a70a 100644 --- a/README.md +++ b/README.md @@ -39,7 +39,7 @@ - [**Introduction to machine learning with scikit-learn**](https://github.com/justmarkham/scikit-learn-videos), [**Videos!**](http://blog.kaggle.com/author/kevin-markham/) - [**A Gentle Introduction to Scikit-Learn: A Python Machine Learning Library**](http://machinelearningmastery.com/a-gentle-introduction-to-scikit-learn-a-python-machine-learning-library/) - [**PyData Seattle 2015 Scikit-learn Tutorial**](https://github.com/jakevdp/sklearn_pydata2015), [sklearn_scipy2013](https://github.com/jakevdp/sklearn_scipy2013) -- [SKLEARN BENCHMARKS: A centralized repository to report scikit-learn model performance across a variety of parameter settings and data sets.](https://github.com/rhiever/sklearn-benchmarks) +- [SKLEARN BENCHMARKS: A centralized repository to report scikit-learn model performance across a variety of parameter settings and data sets](https://github.com/rhiever/sklearn-benchmarks), [Report results of sklearn benchmarks at openml.org](http://www.openml.org/) - [How to get most informative features for scikit-learn classifiers?](http://stackoverflow.com/questions/11116697/how-to-get-most-informative-features-for-scikit-learn-classifiers) - [**Code example to predict prices of Airbnb vacation rentals, using scikit-learn on Spark**](https://github.com/mapr-demos/spark-sklearn-airbnb-predict) - [**Machine Learning with scikit learn tutorial**](http://amueller.github.io/sklearn_tutorial/) @@ -189,6 +189,8 @@ - [How to cPickle dump and load separate dictionaries to the same file?](http://stackoverflow.com/questions/11641493/how-to-cpickle-dump-and-load-separate-dictionaries-to-the-same-file) - [**Understanding Pickling in Python**](http://stackoverflow.com/questions/7501947/understanding-pickling-in-python) +##AutoML +- [TPOT: A Python tool for automating data science](http://www.randalolson.com/2016/05/08/tpot-a-python-tool-for-automating-data-science/), [GitHub repo](https://github.com/rhiever/tpot) ##Regex Related - [RegExr](http://regexr.com/) From a2f42ea512525c1d5fa916f79ff8767ea28bb31a Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Tue, 5 Jul 2016 06:18:29 +0530 Subject: [PATCH 33/55] Update README.md --- README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index e36a70a..88743cb 100644 --- a/README.md +++ b/README.md @@ -18,7 +18,6 @@ - [Parsing values from a JSON file in Python](http://stackoverflow.com/questions/2835559/parsing-values-from-a-json-file-in-python) - [**Python Quora FAQs**](https://www.quora.com/topic/Python-programming-language-1) - [time-complexity of various operations - list/dict - in current CPython](https://wiki.python.org/moin/TimeComplexity) -- [The Guide to Learning Python for Data Science](http://www.datasciencecentral.com/profiles/blogs/the-guide-to-learning-python-for-data-science-2) - Scripting in Python - [Python Scripting Tutorial](http://www.dreamsyssoft.com/python-scripting-tutorial/intro-tutorial.php) - [Scripting with Python](https://www.schrodinger.com//AcrobatFile.php?type=supportdocs&type2=&ident=404) @@ -133,6 +132,8 @@ - [What are some interesting things to do with Python?](https://www.quora.com/Python-programming-language-What-are-some-interesting-things-to-do-with-Python?redirected_qid=2324227) - [**Which is better for data analysis: R or Python?**](https://www.quora.com/Which-is-better-for-data-analysis-R-or-Python) - [**Web scraping in Python**](https://github.com/ujjwalkarn/Web-Scraping) +- [The Guide to Learning Python for Data Science](http://www.datasciencecentral.com/profiles/blogs/the-guide-to-learning-python-for-data-science-2) +- [Free Interactive Course: Intro to Python for Data Science](https://www.datacamp.com/courses/intro-to-python-for-data-science) ##Pandas Library in Python - [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) From 81bef25ea55c0d977b0309833fa0df36c9901413 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Tue, 5 Jul 2016 06:21:45 +0530 Subject: [PATCH 34/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 88743cb..8dfdde7 100644 --- a/README.md +++ b/README.md @@ -134,6 +134,7 @@ - [**Web scraping in Python**](https://github.com/ujjwalkarn/Web-Scraping) - [The Guide to Learning Python for Data Science](http://www.datasciencecentral.com/profiles/blogs/the-guide-to-learning-python-for-data-science-2) - [Free Interactive Course: Intro to Python for Data Science](https://www.datacamp.com/courses/intro-to-python-for-data-science) +- [Top voted Python data science questions](http://datascience.stackexchange.com/questions/tagged/python) ##Pandas Library in Python - [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) From 80e531dac0b2d73fde8d7f76e63d0e6214b402e5 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Tue, 5 Jul 2016 10:31:49 +0530 Subject: [PATCH 35/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 8dfdde7..edca41b 100644 --- a/README.md +++ b/README.md @@ -138,6 +138,7 @@ ##Pandas Library in Python - [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) +- [An Introduction to Scientific Python – Pandas](http://www.datadependence.com/2016/05/scientific-python-pandas/) - [10 minutes to Pandas](http://pandas.pydata.org/pandas-docs/stable/10min.html) - [Timeseries analysis using Pandas](http://nbviewer.jupyter.org/github/twiecki/financial-analysis-python-tutorial/blob/master/1.%20Pandas%20Basics.ipynb) - [**“Large data” work flows using pandas**](http://stackoverflow.com/questions/14262433/large-data-work-flows-using-pandas) From 334167fa1430bc3369dc320d0e996c05e7ccd9ae Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 20 Jul 2016 15:48:47 +0800 Subject: [PATCH 36/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index edca41b..be3b6d5 100644 --- a/README.md +++ b/README.md @@ -140,6 +140,7 @@ - [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) - [An Introduction to Scientific Python – Pandas](http://www.datadependence.com/2016/05/scientific-python-pandas/) - [10 minutes to Pandas](http://pandas.pydata.org/pandas-docs/stable/10min.html) +- [Useful Pandas Snippets](http://www.swegler.com/becky/blog/2014/08/06/useful-pandas-snippets/) - [Timeseries analysis using Pandas](http://nbviewer.jupyter.org/github/twiecki/financial-analysis-python-tutorial/blob/master/1.%20Pandas%20Basics.ipynb) - [**“Large data” work flows using pandas**](http://stackoverflow.com/questions/14262433/large-data-work-flows-using-pandas) - [Easier data analysis with pandas (video series)](http://www.dataschool.io/easier-data-analysis-with-pandas/) From 9d179913233b9b72c0708ff3bb8405450307b731 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 27 Jul 2016 11:31:57 +0800 Subject: [PATCH 37/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index be3b6d5..4725c0a 100644 --- a/README.md +++ b/README.md @@ -118,6 +118,7 @@ ##Data Science with Python +- [*Data Science IPython Notebooks*](https://github.com/donnemartin/data-science-ipython-notebooks) - [awesome-python](https://github.com/vinta/awesome-python) - [**An Introduction to Scientific Python (and a Bit of the Maths Behind It) – NumPy**](http://www.kdnuggets.com/2016/06/intro-scientific-python-numpy.html) - [Python for Data Science: Basic Concepts](https://github.com/gumption/Python_for_Data_Science/blob/master/2_Data_Science_Basic_Concepts.ipynb) From 4f84c01f5552b0613bcf243938947a353f0fccc7 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Wed, 27 Jul 2016 12:43:56 +0800 Subject: [PATCH 38/55] Update README.md --- README.md | 119 ++++++++++++++++++++++++++++++------------------------ 1 file changed, 67 insertions(+), 52 deletions(-) diff --git a/README.md b/README.md index 4725c0a..320b226 100644 --- a/README.md +++ b/README.md @@ -23,7 +23,62 @@ - [Scripting with Python](https://www.schrodinger.com//AcrobatFile.php?type=supportdocs&type2=&ident=404) - [**Can I use Python as a bash replacement?**](http://stackoverflow.com/questions/209470/can-i-use-python-as-a-bash-replacement) +##Data Science with Python +- [**Data Science IPython Notebooks**](https://github.com/donnemartin/data-science-ipython-notebooks) +- [Awesome Python - Data Analysis](https://github.com/vinta/awesome-python#science-and-data-analysis) +- Statistics + - [Statistics and Data Science](https://github.com/svaksha/pythonidae/blob/master/Statistics.md) +- [**An Introduction to Scientific Python (and a Bit of the Maths Behind It) – NumPy**](http://www.kdnuggets.com/2016/06/intro-scientific-python-numpy.html) +- [Data Analysis and IPython Notebooks](https://github.com/kirang89/pycrumbs#data-analysis) +- [Python for Data Science: Basic Concepts](https://github.com/gumption/Python_for_Data_Science/blob/master/2_Data_Science_Basic_Concepts.ipynb) +- [Pycon India 2015 Notes](http://www.analyticsvidhya.com/blog/2015/10/notes-impressions-experience-excitement-pycon-india-2015/) +- [**5 important Python Data Science advancements of 2015**](https://medium.com/@elgehelge/the-5-most-important-python-data-science-advancements-of-2015-a136482da89b#.sp2c1la9z) +- [Data Exploration with Numpy cheat sheet](http://www.analyticsvidhya.com/blog/2015/07/11-steps-perform-data-analysis-pandas-python) +- [Querying Craiglist with Python](http://chrisholdgraf.com/querying-craigslist-with-python/?imm_mid=0d8940&cmp=em-data-na-na-newsltr_20150916) +- [**An introduction to Numpy and Scipy**](http://www.engr.ucsb.edu/~shell/che210d/numpy.pdf) +- [Create NBA Shot Charts](http://savvastjortjoglou.com/nba-shot-sharts.html) +- [PythoR- Python meets R](http://nipunbatra.github.io/2016/01/pythor/) +- [**How do I learn data analysis with Python?**](https://www.quora.com/How-do-I-learn-data-analysis-with-Python?redirected_qid=2464720) +- [What are some interesting things to do with Python?](https://www.quora.com/Python-programming-language-What-are-some-interesting-things-to-do-with-Python?redirected_qid=2324227) +- [**Which is better for data analysis: R or Python?**](https://www.quora.com/Which-is-better-for-data-analysis-R-or-Python) +- [**Web scraping in Python**](https://github.com/ujjwalkarn/Web-Scraping) +- [The Guide to Learning Python for Data Science](http://www.datasciencecentral.com/profiles/blogs/the-guide-to-learning-python-for-data-science-2) +- [Free Interactive Course: Intro to Python for Data Science](https://www.datacamp.com/courses/intro-to-python-for-data-science) +- [Top voted Python data science questions](http://datascience.stackexchange.com/questions/tagged/python) +- [Awesome Python - Data Visualization](https://github.com/vinta/awesome-python#data-visualization) +- [Awesome Python - Map Reduce](https://github.com/vinta/awesome-python#mapreduce) + +##Pandas Library in Python +- [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) +- [An Introduction to Scientific Python – Pandas](http://www.datadependence.com/2016/05/scientific-python-pandas/) +- [10 minutes to Pandas](http://pandas.pydata.org/pandas-docs/stable/10min.html) +- [Useful Pandas Snippets](http://www.swegler.com/becky/blog/2014/08/06/useful-pandas-snippets/) +- [Timeseries analysis using Pandas](http://nbviewer.jupyter.org/github/twiecki/financial-analysis-python-tutorial/blob/master/1.%20Pandas%20Basics.ipynb) +- [**“Large data” work flows using pandas**](http://stackoverflow.com/questions/14262433/large-data-work-flows-using-pandas) +- [Easier data analysis with pandas (video series)](http://www.dataschool.io/easier-data-analysis-with-pandas/) +- Quick Operations on a Pandas DataFrame + - [Renaming Columns in Pandas](http://stackoverflow.com/questions/11346283/renaming-columns-in-pandas) ([video](https://www.youtube.com/watch?v=0uBirYFhizE&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=5)) + - [Deleting Columns from pandas DataFrame](http://stackoverflow.com/questions/13411544/delete-column-from-pandas-dataframe) ([video](https://www.youtube.com/watch?v=gnUKkS964WQ&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=6)) + - [Adding new Column to existing DataFrame](http://stackoverflow.com/questions/12555323/adding-new-column-to-existing-dataframe-in-python-pandas) + - [Add one Row in a pandas.DataFrame](http://stackoverflow.com/questions/10715965/add-one-row-in-a-pandas-dataframe) + - [Changing the order of DataFrame Columns](http://stackoverflow.com/questions/13148429/how-to-change-the-order-of-dataframe-columns) + - [Changing data type of Columns](http://stackoverflow.com/questions/15891038/pandas-change-data-type-of-columns) ([video](https://www.youtube.com/watch?v=V0AWyzVMf54&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=13)) + - [Getting a list of the column headers from a DataFrame](http://stackoverflow.com/questions/19482970/get-list-from-pandas-dataframe-column-headers) + - [Converting list of dictionaries to Dataframe](http://stackoverflow.com/questions/20638006/convert-list-of-dictionaries-to-dataframe) + - [Getting row count of pandas DataFrame](http://stackoverflow.com/questions/15943769/how-to-get-row-count-of-pandas-dataframe) + - [Most efficient way to loop through DataFrames](http://stackoverflow.com/questions/7837722/what-is-the-most-efficient-way-to-loop-through-dataframes-with-pandas) + - [Deleting DataFrame row based on column value](http://stackoverflow.com/questions/18172851/deleting-dataframe-row-in-pandas-based-on-column-value) + - [Dropping a list of rows from Pandas DataFrame](http://stackoverflow.com/questions/14661701/how-to-drop-a-list-of-rows-from-pandas-dataframe) + - [Sorting a DataFrame or a single column](https://www.youtube.com/watch?v=zY4doF6xSxY&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=7) + - [Filtering DataFrame rows by column value](https://www.youtube.com/watch?v=2AFGPdNn4FM&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=8) + - [Filtering DataFrame rows using multiple criteria](https://www.youtube.com/watch?v=YPItfQ87qjM&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=9) + - [Dropping all non-numeric columns from a DataFrame](https://youtu.be/B-r9VuK80dk?t=4m31s) + - [Counting and removing missing values](https://www.youtube.com/watch?v=fCMrO_VzeL8&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=16) + - [Selecting multiple rows and columns from a DataFrame](https://www.youtube.com/watch?v=xvpNA7bC8cs&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=19) + - [Reducing the size of a DataFrame](https://www.youtube.com/watch?v=wDYDYGyN_cw&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=21) + ##Machine Learning with Python +- [AI, ML Related List](https://github.com/svaksha/pythonidae/blob/master/AI.md) - [Data Normalization in Python](http://blog.yhat.com/posts/data-normalization-in-python.html) - [**Python Machine Learning Book**](https://github.com/rasbt/python-machine-learning-book) - [Table of Contents and Code Notebooks](https://github.com/rasbt/python-machine-learning-book/blob/master/README.md#table-of-contents-and-code-notebooks) @@ -32,6 +87,9 @@ - [**How to compute precision, recall, accuracy and f1-score for the multiclass case with scikit learn?**](http://stackoverflow.com/questions/31421413/how-to-compute-precision-recall-accuracy-and-f1-score-for-the-multiclass-case) - [One Hot Encoding for Machine learning in Python](http://stackoverflow.com/questions/17469835/one-hot-encoding-for-machine-learning) - [**Building a (semi) Autonomous Drone with Python**](http://blog.yhat.com/posts/autonomous-droning-with-python.html) +- [Awesome Python - Machine Learning](https://github.com/vinta/awesome-python#machine-learning) +- Computer Vision + - [Awesome Python - Computer Vision](https://github.com/vinta/awesome-python#computer-vision) ##Scikit Learn - [scikit learn on Wikipedia](https://en.wikipedia.org/wiki/Scikit-learn) @@ -116,59 +174,10 @@ - [Linear SVC Machine learning SVM example with Python](https://pythonprogramming.net/linear-svc-example-scikit-learn-svm-python/) - [Understanding Support Vector Machine algorithm from examples (along with code)](http://www.analyticsvidhya.com/blog/2015/10/understaing-support-vector-machine-example-code/) - -##Data Science with Python -- [*Data Science IPython Notebooks*](https://github.com/donnemartin/data-science-ipython-notebooks) -- [awesome-python](https://github.com/vinta/awesome-python) -- [**An Introduction to Scientific Python (and a Bit of the Maths Behind It) – NumPy**](http://www.kdnuggets.com/2016/06/intro-scientific-python-numpy.html) -- [Python for Data Science: Basic Concepts](https://github.com/gumption/Python_for_Data_Science/blob/master/2_Data_Science_Basic_Concepts.ipynb) -- [Pycon India 2015 Notes](http://www.analyticsvidhya.com/blog/2015/10/notes-impressions-experience-excitement-pycon-india-2015/) -- [**5 important Python Data Science advancements of 2015**](https://medium.com/@elgehelge/the-5-most-important-python-data-science-advancements-of-2015-a136482da89b#.sp2c1la9z) -- [Data Exploration with Numpy cheat sheet](http://www.analyticsvidhya.com/blog/2015/07/11-steps-perform-data-analysis-pandas-python) -- [Querying Craiglist with Python](http://chrisholdgraf.com/querying-craigslist-with-python/?imm_mid=0d8940&cmp=em-data-na-na-newsltr_20150916) -- [**An introduction to Numpy and Scipy**](http://www.engr.ucsb.edu/~shell/che210d/numpy.pdf) -- [Create NBA Shot Charts](http://savvastjortjoglou.com/nba-shot-sharts.html) -- [PythoR- Python meets R](http://nipunbatra.github.io/2016/01/pythor/) -- [**How do I learn data analysis with Python?**](https://www.quora.com/How-do-I-learn-data-analysis-with-Python?redirected_qid=2464720) -- [What are some interesting things to do with Python?](https://www.quora.com/Python-programming-language-What-are-some-interesting-things-to-do-with-Python?redirected_qid=2324227) -- [**Which is better for data analysis: R or Python?**](https://www.quora.com/Which-is-better-for-data-analysis-R-or-Python) -- [**Web scraping in Python**](https://github.com/ujjwalkarn/Web-Scraping) -- [The Guide to Learning Python for Data Science](http://www.datasciencecentral.com/profiles/blogs/the-guide-to-learning-python-for-data-science-2) -- [Free Interactive Course: Intro to Python for Data Science](https://www.datacamp.com/courses/intro-to-python-for-data-science) -- [Top voted Python data science questions](http://datascience.stackexchange.com/questions/tagged/python) - -##Pandas Library in Python -- [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) -- [An Introduction to Scientific Python – Pandas](http://www.datadependence.com/2016/05/scientific-python-pandas/) -- [10 minutes to Pandas](http://pandas.pydata.org/pandas-docs/stable/10min.html) -- [Useful Pandas Snippets](http://www.swegler.com/becky/blog/2014/08/06/useful-pandas-snippets/) -- [Timeseries analysis using Pandas](http://nbviewer.jupyter.org/github/twiecki/financial-analysis-python-tutorial/blob/master/1.%20Pandas%20Basics.ipynb) -- [**“Large data” work flows using pandas**](http://stackoverflow.com/questions/14262433/large-data-work-flows-using-pandas) -- [Easier data analysis with pandas (video series)](http://www.dataschool.io/easier-data-analysis-with-pandas/) -- Quick Operations on a Pandas DataFrame - - [Renaming Columns in Pandas](http://stackoverflow.com/questions/11346283/renaming-columns-in-pandas) ([video](https://www.youtube.com/watch?v=0uBirYFhizE&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=5)) - - [Deleting Columns from pandas DataFrame](http://stackoverflow.com/questions/13411544/delete-column-from-pandas-dataframe) ([video](https://www.youtube.com/watch?v=gnUKkS964WQ&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=6)) - - [Adding new Column to existing DataFrame](http://stackoverflow.com/questions/12555323/adding-new-column-to-existing-dataframe-in-python-pandas) - - [Add one Row in a pandas.DataFrame](http://stackoverflow.com/questions/10715965/add-one-row-in-a-pandas-dataframe) - - [Changing the order of DataFrame Columns](http://stackoverflow.com/questions/13148429/how-to-change-the-order-of-dataframe-columns) - - [Changing data type of Columns](http://stackoverflow.com/questions/15891038/pandas-change-data-type-of-columns) ([video](https://www.youtube.com/watch?v=V0AWyzVMf54&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=13)) - - [Getting a list of the column headers from a DataFrame](http://stackoverflow.com/questions/19482970/get-list-from-pandas-dataframe-column-headers) - - [Converting list of dictionaries to Dataframe](http://stackoverflow.com/questions/20638006/convert-list-of-dictionaries-to-dataframe) - - [Getting row count of pandas DataFrame](http://stackoverflow.com/questions/15943769/how-to-get-row-count-of-pandas-dataframe) - - [Most efficient way to loop through DataFrames](http://stackoverflow.com/questions/7837722/what-is-the-most-efficient-way-to-loop-through-dataframes-with-pandas) - - [Deleting DataFrame row based on column value](http://stackoverflow.com/questions/18172851/deleting-dataframe-row-in-pandas-based-on-column-value) - - [Dropping a list of rows from Pandas DataFrame](http://stackoverflow.com/questions/14661701/how-to-drop-a-list-of-rows-from-pandas-dataframe) - - [Sorting a DataFrame or a single column](https://www.youtube.com/watch?v=zY4doF6xSxY&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=7) - - [Filtering DataFrame rows by column value](https://www.youtube.com/watch?v=2AFGPdNn4FM&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=8) - - [Filtering DataFrame rows using multiple criteria](https://www.youtube.com/watch?v=YPItfQ87qjM&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=9) - - [Dropping all non-numeric columns from a DataFrame](https://youtu.be/B-r9VuK80dk?t=4m31s) - - [Counting and removing missing values](https://www.youtube.com/watch?v=fCMrO_VzeL8&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=16) - - [Selecting multiple rows and columns from a DataFrame](https://www.youtube.com/watch?v=xvpNA7bC8cs&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=19) - - [Reducing the size of a DataFrame](https://www.youtube.com/watch?v=wDYDYGyN_cw&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=21) - - -##Text Mining in Python +##NLP / Text Mining in Python - [**NLP with Python ORiley Book**](http://www.nltk.org/book_1ed/), [Python 3](http://www.nltk.org/book/) +- [Awesome Python - NLP](https://github.com/vinta/awesome-python#natural-language-processing) +- [Awesome Python - Text Processing](https://github.com/vinta/awesome-python#text-processing) - [Text Analytics : Intro and Tokenization](http://a4analytics.blogspot.sg/2015/03/text-mining-post-1.html) - [NLTK BOOK](http://www.nltk.org/book/ch01.html) - [Elegant N-gram Generation in Python](http://locallyoptimal.com/blog/2013/01/20/elegant-n-gram-generation-in-python/) @@ -216,3 +225,9 @@ - [Beginners/BashScripting](https://help.ubuntu.com/community/Beginners/BashScripting) - [The Beginner’s Guide to Shell Scripting: The Basics](http://www.howtogeek.com/67469/the-beginners-guide-to-shell-scripting-the-basics/) - [Linux Shell Scripting Tutorial v1.05r3 A Beginner's handbook](http://www.freeos.com/guides/lsst/) + +##Other good lists +- [pycrumbs - Bits and bytes of Python from the Internet](https://github.com/kirang89/pycrumbs) +- [python github projects - Collect and classify python projects on Github](https://github.com/checkcheckzz/python-github-projects) +- [python reference - Useful functions, tutorials, and other Python-related things](https://github.com/rasbt/python_reference) +- [pythonidae - Curated decibans of scientific programming resources in Python](https://github.com/svaksha/pythonidae) From 0f8e9f516670c6a28333fb7e4955be9c86e3eb98 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Thu, 4 Aug 2016 15:50:00 +0800 Subject: [PATCH 39/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 320b226..25318d8 100644 --- a/README.md +++ b/README.md @@ -54,6 +54,7 @@ - [10 minutes to Pandas](http://pandas.pydata.org/pandas-docs/stable/10min.html) - [Useful Pandas Snippets](http://www.swegler.com/becky/blog/2014/08/06/useful-pandas-snippets/) - [Timeseries analysis using Pandas](http://nbviewer.jupyter.org/github/twiecki/financial-analysis-python-tutorial/blob/master/1.%20Pandas%20Basics.ipynb) +- [Grouping in Pandas](http://blog.yhat.com/posts/grouping-pandas.html) - [**“Large data” work flows using pandas**](http://stackoverflow.com/questions/14262433/large-data-work-flows-using-pandas) - [Easier data analysis with pandas (video series)](http://www.dataschool.io/easier-data-analysis-with-pandas/) - Quick Operations on a Pandas DataFrame From ed1c50e7c17664f86d07206e84b12f17088b0128 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Thu, 4 Aug 2016 16:20:17 +0800 Subject: [PATCH 40/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 25318d8..3c6c72a 100644 --- a/README.md +++ b/README.md @@ -54,6 +54,7 @@ - [10 minutes to Pandas](http://pandas.pydata.org/pandas-docs/stable/10min.html) - [Useful Pandas Snippets](http://www.swegler.com/becky/blog/2014/08/06/useful-pandas-snippets/) - [Timeseries analysis using Pandas](http://nbviewer.jupyter.org/github/twiecki/financial-analysis-python-tutorial/blob/master/1.%20Pandas%20Basics.ipynb) +- [Pandas Exercises - Practice your Pandas skills](https://github.com/guipsamora/pandas_exercises) - [Grouping in Pandas](http://blog.yhat.com/posts/grouping-pandas.html) - [**“Large data” work flows using pandas**](http://stackoverflow.com/questions/14262433/large-data-work-flows-using-pandas) - [Easier data analysis with pandas (video series)](http://www.dataschool.io/easier-data-analysis-with-pandas/) From 322939019832ab43e455ae8e54b17d687988017b Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Sat, 15 Oct 2016 09:25:05 +0530 Subject: [PATCH 41/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 3c6c72a..d1d1d50 100644 --- a/README.md +++ b/README.md @@ -44,6 +44,7 @@ - [**Web scraping in Python**](https://github.com/ujjwalkarn/Web-Scraping) - [The Guide to Learning Python for Data Science](http://www.datasciencecentral.com/profiles/blogs/the-guide-to-learning-python-for-data-science-2) - [Free Interactive Course: Intro to Python for Data Science](https://www.datacamp.com/courses/intro-to-python-for-data-science) +- [Python For Data Science - A Cheat Sheet For Beginners](https://s3.amazonaws.com/assets.datacamp.com/blog_assets/PythonForDataScience.pdf) - [Top voted Python data science questions](http://datascience.stackexchange.com/questions/tagged/python) - [Awesome Python - Data Visualization](https://github.com/vinta/awesome-python#data-visualization) - [Awesome Python - Map Reduce](https://github.com/vinta/awesome-python#mapreduce) From 8c7626969efa461ae1a54ae7648a0e911c048026 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Sat, 15 Oct 2016 09:26:25 +0530 Subject: [PATCH 42/55] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index d1d1d50..dcaddca 100644 --- a/README.md +++ b/README.md @@ -44,7 +44,7 @@ - [**Web scraping in Python**](https://github.com/ujjwalkarn/Web-Scraping) - [The Guide to Learning Python for Data Science](http://www.datasciencecentral.com/profiles/blogs/the-guide-to-learning-python-for-data-science-2) - [Free Interactive Course: Intro to Python for Data Science](https://www.datacamp.com/courses/intro-to-python-for-data-science) -- [Python For Data Science - A Cheat Sheet For Beginners](https://s3.amazonaws.com/assets.datacamp.com/blog_assets/PythonForDataScience.pdf) +- [Python For Data Science - A Cheat Sheet For Beginners](https://www.datacamp.com/community/tutorials/python-data-science-cheat-sheet-basics) - [Top voted Python data science questions](http://datascience.stackexchange.com/questions/tagged/python) - [Awesome Python - Data Visualization](https://github.com/vinta/awesome-python#data-visualization) - [Awesome Python - Map Reduce](https://github.com/vinta/awesome-python#mapreduce) From ffe74670611661495800dd750df3fbf0f17b9e7f Mon Sep 17 00:00:00 2001 From: Kacawi Date: Sat, 5 Nov 2016 19:35:09 +0100 Subject: [PATCH 43/55] Added Pandas Cheat Sheet I added a cheat sheet to the "Pandas Library in Python" section --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index dcaddca..f24b67b 100644 --- a/README.md +++ b/README.md @@ -59,6 +59,7 @@ - [Grouping in Pandas](http://blog.yhat.com/posts/grouping-pandas.html) - [**“Large data” work flows using pandas**](http://stackoverflow.com/questions/14262433/large-data-work-flows-using-pandas) - [Easier data analysis with pandas (video series)](http://www.dataschool.io/easier-data-analysis-with-pandas/) +- [Pandas Basics Cheat Sheet](https://www.datacamp.com/community/blog/python-pandas-cheat-sheet) - Quick Operations on a Pandas DataFrame - [Renaming Columns in Pandas](http://stackoverflow.com/questions/11346283/renaming-columns-in-pandas) ([video](https://www.youtube.com/watch?v=0uBirYFhizE&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=5)) - [Deleting Columns from pandas DataFrame](http://stackoverflow.com/questions/13411544/delete-column-from-pandas-dataframe) ([video](https://www.youtube.com/watch?v=gnUKkS964WQ&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=6)) From 01fd1a4465fdb6e77c30453f48cdfb498d496a8c Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Fri, 30 Dec 2016 15:01:06 +0800 Subject: [PATCH 44/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index f24b67b..7596914 100644 --- a/README.md +++ b/README.md @@ -51,6 +51,7 @@ ##Pandas Library in Python - [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) +- [Useful Pandas Cheatsheet](https://github.com/pandas-dev/pandas/blob/master/doc/cheatsheet/Pandas_Cheat_Sheet.pdf) - [An Introduction to Scientific Python – Pandas](http://www.datadependence.com/2016/05/scientific-python-pandas/) - [10 minutes to Pandas](http://pandas.pydata.org/pandas-docs/stable/10min.html) - [Useful Pandas Snippets](http://www.swegler.com/becky/blog/2014/08/06/useful-pandas-snippets/) From ff1b219a1175aa38333f0b15076e95dbcdbf9e5a Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Fri, 10 Mar 2017 14:34:06 +0800 Subject: [PATCH 45/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 7596914..3085f8c 100644 --- a/README.md +++ b/README.md @@ -6,6 +6,7 @@ - [Comprehensive topic-wise list of Machine Learning and Deep Learning tutorials, codes, articles and other resources](https://github.com/ujjwalkarn/Machine-Learning-Tutorials/blob/master/README.md). ##The Python Language +- [Learn Python Codecademy](https://www.codecademy.com/learn/python#) - [**Awesome Python**](https://github.com/vinta/awesome-python) - [**Jargon from the functional programming world in simple terms!**](https://github.com/hemanth/functional-programming-jargon) - [**Dive Into Python**](http://www.diveintopython.net/index.html) From 3ef11ba57192ad1e6c035307a034ea904472b6e2 Mon Sep 17 00:00:00 2001 From: Andrew Thomas Date: Mon, 27 Mar 2017 17:22:58 +1000 Subject: [PATCH 46/55] Update - Neural Networks Tutorial in Python Added "Neural Networks Tutorial - a Pathway to Deep Learning" - http://www.adventuresinmachinelearning.com/neural-networks-tutorial/ in the Neural Networks in Python section --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 3085f8c..262a06e 100644 --- a/README.md +++ b/README.md @@ -145,6 +145,7 @@ - [What is the best neural network library for Python?](https://www.quora.com/What-is-the-best-neural-network-library-for-Python) - [Recurrent Neural Net Tutorial in Python Part 1](http://www.wildml.com/2015/09/recurrent-neural-networks-tutorial-part-1-introduction-to-rnns/), [Part 2](http://www.wildml.com/2015/09/recurrent-neural-networks-tutorial-part-2-implementing-a-language-model-rnn-with-python-numpy-and-theano/), [Code](https://github.com/dennybritz/rnn-tutorial-rnnlm/) - [PyBrain: modular Machine Learning Library for Python](http://pybrain.org/) +- [Neural Networks Tutorial – a Pathway to Deep Learning](http://www.adventuresinmachinelearning.com/neural-networks-tutorial/) ##Decision Trees in Python From 7183cf4393435461d50266cbfba69acf9883cb0e Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Tue, 28 Mar 2017 18:50:56 +0800 Subject: [PATCH 47/55] Update README.md --- README.md | 38 +++++++++++++++++++------------------- 1 file changed, 19 insertions(+), 19 deletions(-) diff --git a/README.md b/README.md index 262a06e..c166e83 100644 --- a/README.md +++ b/README.md @@ -5,7 +5,7 @@ - [Comprehensive topic-wise list of Machine Learning and Deep Learning tutorials, codes, articles and other resources](https://github.com/ujjwalkarn/Machine-Learning-Tutorials/blob/master/README.md). -##The Python Language +## The Python Language - [Learn Python Codecademy](https://www.codecademy.com/learn/python#) - [**Awesome Python**](https://github.com/vinta/awesome-python) - [**Jargon from the functional programming world in simple terms!**](https://github.com/hemanth/functional-programming-jargon) @@ -24,7 +24,7 @@ - [Scripting with Python](https://www.schrodinger.com//AcrobatFile.php?type=supportdocs&type2=&ident=404) - [**Can I use Python as a bash replacement?**](http://stackoverflow.com/questions/209470/can-i-use-python-as-a-bash-replacement) -##Data Science with Python +## Data Science with Python - [**Data Science IPython Notebooks**](https://github.com/donnemartin/data-science-ipython-notebooks) - [Awesome Python - Data Analysis](https://github.com/vinta/awesome-python#science-and-data-analysis) - Statistics @@ -50,7 +50,7 @@ - [Awesome Python - Data Visualization](https://github.com/vinta/awesome-python#data-visualization) - [Awesome Python - Map Reduce](https://github.com/vinta/awesome-python#mapreduce) -##Pandas Library in Python +## Pandas Library in Python - [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) - [Useful Pandas Cheatsheet](https://github.com/pandas-dev/pandas/blob/master/doc/cheatsheet/Pandas_Cheat_Sheet.pdf) - [An Introduction to Scientific Python – Pandas](http://www.datadependence.com/2016/05/scientific-python-pandas/) @@ -83,7 +83,7 @@ - [Selecting multiple rows and columns from a DataFrame](https://www.youtube.com/watch?v=xvpNA7bC8cs&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=19) - [Reducing the size of a DataFrame](https://www.youtube.com/watch?v=wDYDYGyN_cw&list=PL5-da3qGB5ICCsgW1MxlZ0Hq8LL5U3u9y&index=21) -##Machine Learning with Python +## Machine Learning with Python - [AI, ML Related List](https://github.com/svaksha/pythonidae/blob/master/AI.md) - [Data Normalization in Python](http://blog.yhat.com/posts/data-normalization-in-python.html) - [**Python Machine Learning Book**](https://github.com/rasbt/python-machine-learning-book) @@ -97,7 +97,7 @@ - Computer Vision - [Awesome Python - Computer Vision](https://github.com/vinta/awesome-python#computer-vision) -##Scikit Learn +## Scikit Learn - [scikit learn on Wikipedia](https://en.wikipedia.org/wiki/Scikit-learn) - [**Introduction to machine learning with scikit-learn**](https://github.com/justmarkham/scikit-learn-videos), [**Videos!**](http://blog.kaggle.com/author/kevin-markham/) - [**A Gentle Introduction to Scikit-Learn: A Python Machine Learning Library**](http://machinelearningmastery.com/a-gentle-introduction-to-scikit-learn-a-python-machine-learning-library/) @@ -110,7 +110,7 @@ - [Saving classifier to disk in scikit-learn](http://stackoverflow.com/questions/10592605/save-classifier-to-disk-in-scikit-learn) -##Linear Regression in Python +## Linear Regression in Python - [Linear Regression in Python](http://nbviewer.ipython.org/github/justmarkham/DAT4/blob/master/notebooks/08_linear_regression.ipynb), [Blog Post](http://www.dataschool.io/linear-regression-in-python/) - [Linear Regression using Scikit Learn](http://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LinearRegression.html) - [A friendly introduction to linear regression (using Python)](http://www.dataschool.io/linear-regression-in-python/) @@ -118,7 +118,7 @@ - [Regression analysis using Python StatsModels package](http://www.turingfinance.com/regression-analysis-using-python-statsmodels-and-quandl/) - [Run an OLS regression with Pandas Data Frame](http://stackoverflow.com/questions/19991445/run-an-ols-regression-with-pandas-data-frame) -##Logistic Regression in Python +## Logistic Regression in Python - [Logistic Regression with scikit learn](http://www.dataschool.io/logistic-regression-in-python-using-scikit-learn/) - [Logistic Regression in Python](http://blog.yhat.com/posts/logistic-regression-and-python.html) - [Implementing the softmax function in Python](http://stackoverflow.com/questions/34968722/softmax-function-python) @@ -128,7 +128,7 @@ - [TUTORIAL ON LOGISTIC REGRESSION AND OPTIMIZATION IN PYTHON](https://learningwithdata.wordpress.com/2015/04/30/tutorial-on-logistic-regression-and-optimization-in-python/) - [Using Logistic Regression in Python for Data Science](http://www.dummies.com/how-to/content/using-logistic-regression-in-python-for-data-scien.html) -##k Nearest Neighbours in Python +## k Nearest Neighbours in Python - [A good tutorial on implementing K Nearest Neighbors using scikit learn](http://scikit-learn.org/stable/modules/neighbors.html) - [**Is it possible to specify your own distance function using scikit-learn K-Means Clustering?**](http://stackoverflow.com/questions/5529625/is-it-possible-to-specify-your-own-distance-function-using-scikit-learn-k-means) - [Tutorial To Implement k-Nearest Neighbors in Python From Scratch](http://machinelearningmastery.com/tutorial-to-implement-k-nearest-neighbors-in-python-from-scratch/) @@ -138,7 +138,7 @@ - [Sklearn kNN usage with a user defined metric](http://stackoverflow.com/questions/21052509/sklearn-knn-usage-with-a-user-defined-metric) -##Neural Networks in Python +## Neural Networks in Python - [Implementing a Neural Network from scratch in Python](http://www.wildml.com/2015/09/implementing-a-neural-network-from-scratch/), [Code](https://github.com/dennybritz/nn-from-scratch) - [A Neural Network in 11 lines of Python](http://iamtrask.github.io/2015/07/12/basic-python-network/) - [Speeding up your Neural Network with Theano and the gpu](http://www.wildml.com/2015/09/speeding-up-your-neural-network-with-theano-and-the-gpu/), [Code](https://github.com/dennybritz/nn-theano) @@ -148,7 +148,7 @@ - [Neural Networks Tutorial – a Pathway to Deep Learning](http://www.adventuresinmachinelearning.com/neural-networks-tutorial/) -##Decision Trees in Python +## Decision Trees in Python - [How to extract the decision rules from scikit-learn decision-tree?](http://stackoverflow.com/questions/20224526/how-to-extract-the-decision-rules-from-scikit-learn-decision-tree) - [**How do I find which attributes my tree splits on, when using scikit-learn?**](http://stackoverflow.com/questions/20156951/how-do-i-find-which-attributes-my-tree-splits-on-when-using-scikit-learn) - [Quora: What is a good Python library for decision trees?](https://www.quora.com/What-is-a-good-Python-library-for-decision-trees), [StackOverflow](http://stackoverflow.com/questions/3127922/what-is-a-good-python-library-for-decision-trees) @@ -160,7 +160,7 @@ - [Code for simple decision tree in Python](https://github.com/gumption/Python_for_Data_Science/blob/master/simple_decision_tree.py) - [Lesson notebook: Regression and Classification Trees](http://nbviewer.jupyter.org/github/justmarkham/DAT8/blob/master/notebooks/17_decision_trees.ipynb) -##Random Forest with Python +## Random Forest with Python - [Getting Started with Random Forests: Titanic Competition on Kaggle](https://www.kaggle.com/c/titanic/details/getting-started-with-random-forests), [Python sample code](https://www.kaggle.com/c/digit-recognizer/forums/t/2299/getting-started-python-sample-code-random-forest) - [RandomForestClassifier vs ExtraTreesClassifier in scikit learn](http://stackoverflow.com/questions/22409855/randomforestclassifier-vs-extratreesclassifier-in-scikit-learn) - [Powerful Guide to learn Random Forest](http://www.analyticsvidhya.com/blog/2015/09/random-forest-algorithm-multiple-challenges/) @@ -172,7 +172,7 @@ - [How to output RandomForest Classifier from python?](http://stackoverflow.com/questions/23000693/how-to-output-randomforest-classifier-from-python) - [Lesson notebook: Ensembling, Bagging, and Random Forests](http://nbviewer.jupyter.org/github/justmarkham/DAT8/blob/master/notebooks/18_ensembling.ipynb) -##Support Vector Machine in Python +## Support Vector Machine in Python - [Fastest SVM implementation usable in Python](http://stackoverflow.com/questions/9299346/fastest-svm-implementation-usable-in-python) - [An example using python bindings for SVM library, LIBSVM](http://stackoverflow.com/questions/4214868/an-example-using-python-bindings-for-svm-library-libsvm) - [What is the best SVM library usable from Python?](https://www.quora.com/What-is-the-best-SVM-library-usable-from-Python) @@ -181,7 +181,7 @@ - [Linear SVC Machine learning SVM example with Python](https://pythonprogramming.net/linear-svc-example-scikit-learn-svm-python/) - [Understanding Support Vector Machine algorithm from examples (along with code)](http://www.analyticsvidhya.com/blog/2015/10/understaing-support-vector-machine-example-code/) -##NLP / Text Mining in Python +## NLP / Text Mining in Python - [**NLP with Python ORiley Book**](http://www.nltk.org/book_1ed/), [Python 3](http://www.nltk.org/book/) - [Awesome Python - NLP](https://github.com/vinta/awesome-python#natural-language-processing) - [Awesome Python - Text Processing](https://github.com/vinta/awesome-python#text-processing) @@ -192,7 +192,7 @@ - [N-grams: Explanation + 2 applications](http://stackoverflow.com/questions/1032288/n-grams-explanation-2-applications) - [NLP Tutorial with Python](http://www.datasciencecentral.com/profiles/blogs/python-nlp-tools) -##Sentiment Analysis with Python +## Sentiment Analysis with Python - [Twitter-Sentiment-Analysis](https://github.com/ujjwalkarn/Twitter-Sentiment-Analysis) - [Basic Sentiment Analysis with Python](http://fjavieralba.com/basic-sentiment-analysis-with-python.html) - [What is the best way to do Sentiment Analysis with Python?](https://www.quora.com/What-is-the-best-way-to-do-Sentiment-Analysis-with-Python-1) @@ -203,24 +203,24 @@ - [**Sentiment Analysis with bag-of-words**](http://ataspinar.com/2016/01/21/sentiment-analysis-with-bag-of-words/) - [**Sentiment Analysis with Naive Bayes**](http://ataspinar.com/2016/02/15/sentiment-analysis-with-the-naive-bayes-classifier/) -##Pickle: convert a python object into a character stream +## Pickle: convert a python object into a character stream - [Python serialization - Why pickle?](http://stackoverflow.com/questions/8968884/python-serialization-why-pickle) - [**Serializing Python Objects**](http://www.diveinto.org/python3/serializing.html), [**Binary Files**](http://www.diveinto.org/python3/files.html#binary) - [What is Pickle in python ?](https://pythontips.com/2013/08/02/what-is-pickle-in-python/) - [How to cPickle dump and load separate dictionaries to the same file?](http://stackoverflow.com/questions/11641493/how-to-cpickle-dump-and-load-separate-dictionaries-to-the-same-file) - [**Understanding Pickling in Python**](http://stackoverflow.com/questions/7501947/understanding-pickling-in-python) -##AutoML +## AutoML - [TPOT: A Python tool for automating data science](http://www.randalolson.com/2016/05/08/tpot-a-python-tool-for-automating-data-science/), [GitHub repo](https://github.com/rhiever/tpot) -##Regex Related +## Regex Related - [RegExr](http://regexr.com/) - [Regex101](https://regex101.com/) - [Pythex](http://pythex.org/) - [How to use Regular Expressions (Regex) in Microsoft Excel both in-cell and loops](http://stackoverflow.com/questions/22542834/how-to-use-regular-expressions-regex-in-microsoft-excel-both-in-cell-and-loops) - [Advanced Filters: Excel’s Amazing Alternative To Regex](http://searchengineland.com/advanced-filters-excels-amazing-alternative-to-regex-143680) -##Shell Scripting +## Shell Scripting - [**Calling an external command in Python**](http://stackoverflow.com/questions/89228/calling-an-external-command-in-python) - [**Running shell command from Python and capturing the output**](http://stackoverflow.com/questions/4760215/running-shell-command-from-python-and-capturing-the-output) - [**Can I use Python as a bash replacement?**](http://stackoverflow.com/questions/209470/can-i-use-python-as-a-bash-replacement) @@ -233,7 +233,7 @@ - [The Beginner’s Guide to Shell Scripting: The Basics](http://www.howtogeek.com/67469/the-beginners-guide-to-shell-scripting-the-basics/) - [Linux Shell Scripting Tutorial v1.05r3 A Beginner's handbook](http://www.freeos.com/guides/lsst/) -##Other good lists +## Other good lists - [pycrumbs - Bits and bytes of Python from the Internet](https://github.com/kirang89/pycrumbs) - [python github projects - Collect and classify python projects on Github](https://github.com/checkcheckzz/python-github-projects) - [python reference - Useful functions, tutorials, and other Python-related things](https://github.com/rasbt/python_reference) From a9e6d856899e63d0194dcb56346a0c15fe4af14c Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Fri, 21 Apr 2017 18:57:48 +0800 Subject: [PATCH 48/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index c166e83..301fbc9 100644 --- a/README.md +++ b/README.md @@ -11,6 +11,7 @@ - [**Jargon from the functional programming world in simple terms!**](https://github.com/hemanth/functional-programming-jargon) - [**Dive Into Python**](http://www.diveintopython.net/index.html) - [Learn Python Wiki on Reddit](https://www.reddit.com/r/learnpython/wiki/index) +- [Learn 90% of Python in 90 Minutes](https://www.slideshare.net/MattHarrison4/learn-90) - [Highest Voted Python Questions](http://stackoverflow.com/questions/tagged/python?sort=votes&pageSize=50) - [Python Basic Concepts](https://github.com/gumption/Python_for_Data_Science/blob/master/3_Python_Basic_Concepts.ipynb) - [Quick Reference to Python](http://www.dataschool.io/python-quick-reference/) From c22dcc0f59cbf43a5ebbaca59013c6c8ee4aed9c Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Mon, 8 May 2017 13:04:53 +0800 Subject: [PATCH 49/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 301fbc9..535915c 100644 --- a/README.md +++ b/README.md @@ -7,6 +7,7 @@ ## The Python Language - [Learn Python Codecademy](https://www.codecademy.com/learn/python#) +- [Python 3 in one picture](https://fossbytes.com/wp-content/uploads/2015/09/python-3-in-one-pic.png) - [**Awesome Python**](https://github.com/vinta/awesome-python) - [**Jargon from the functional programming world in simple terms!**](https://github.com/hemanth/functional-programming-jargon) - [**Dive Into Python**](http://www.diveintopython.net/index.html) From 208e5bb0008e22cf43948fef4b3bbfb01d1ea80a Mon Sep 17 00:00:00 2001 From: Guillaume Chevalier Date: Fri, 21 Jul 2017 15:48:43 -0400 Subject: [PATCH 50/55] Add "Discover structure behind data with decision trees" --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 535915c..4377f33 100644 --- a/README.md +++ b/README.md @@ -161,6 +161,7 @@ - [Decision trees in python with scikit-learn and pandas](http://chrisstrelioff.ws/sandbox/2015/06/08/decision_trees_in_python_with_scikit_learn_and_pandas.html) - [Code for simple decision tree in Python](https://github.com/gumption/Python_for_Data_Science/blob/master/simple_decision_tree.py) - [Lesson notebook: Regression and Classification Trees](http://nbviewer.jupyter.org/github/justmarkham/DAT8/blob/master/notebooks/17_decision_trees.ipynb) +- [Discover structure behind data with decision trees](http://vooban.com/en/tips-articles-geek-stuff/discover-structure-behind-data-with-decision-trees/) ## Random Forest with Python - [Getting Started with Random Forests: Titanic Competition on Kaggle](https://www.kaggle.com/c/titanic/details/getting-started-with-random-forests), [Python sample code](https://www.kaggle.com/c/digit-recognizer/forums/t/2299/getting-started-python-sample-code-random-forest) From d9108acc929ef0ce309da087ef5cd44e5c6d69b4 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Fri, 11 May 2018 07:17:39 +0800 Subject: [PATCH 51/55] Update README.md --- README.md | 9 +++++++-- 1 file changed, 7 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index 4377f33..072136d 100644 --- a/README.md +++ b/README.md @@ -6,7 +6,6 @@ - [Comprehensive topic-wise list of Machine Learning and Deep Learning tutorials, codes, articles and other resources](https://github.com/ujjwalkarn/Machine-Learning-Tutorials/blob/master/README.md). ## The Python Language -- [Learn Python Codecademy](https://www.codecademy.com/learn/python#) - [Python 3 in one picture](https://fossbytes.com/wp-content/uploads/2015/09/python-3-in-one-pic.png) - [**Awesome Python**](https://github.com/vinta/awesome-python) - [**Jargon from the functional programming world in simple terms!**](https://github.com/hemanth/functional-programming-jargon) @@ -26,6 +25,13 @@ - [Scripting with Python](https://www.schrodinger.com//AcrobatFile.php?type=supportdocs&type2=&ident=404) - [**Can I use Python as a bash replacement?**](http://stackoverflow.com/questions/209470/can-i-use-python-as-a-bash-replacement) +## Useful Online Courses +- [Learn Python (Codecademy)](https://www.codecademy.com/learn/python#) +- [Free Interactive Course: Intro to Python for Data Science (DataCamp)](https://www.datacamp.com/courses/intro-to-python-for-data-science) +- [Introduction to Computer Science and Programming Using Python (MIT)](https://www.edx.org/course/introduction-computer-science-mitx-6-00-1x-11) +- [Python for Everybody](https://www.coursera.org/learn/python) +- [Python Programming Essentials](https://www.coursera.org/learn/python-programming) + ## Data Science with Python - [**Data Science IPython Notebooks**](https://github.com/donnemartin/data-science-ipython-notebooks) - [Awesome Python - Data Analysis](https://github.com/vinta/awesome-python#science-and-data-analysis) @@ -46,7 +52,6 @@ - [**Which is better for data analysis: R or Python?**](https://www.quora.com/Which-is-better-for-data-analysis-R-or-Python) - [**Web scraping in Python**](https://github.com/ujjwalkarn/Web-Scraping) - [The Guide to Learning Python for Data Science](http://www.datasciencecentral.com/profiles/blogs/the-guide-to-learning-python-for-data-science-2) -- [Free Interactive Course: Intro to Python for Data Science](https://www.datacamp.com/courses/intro-to-python-for-data-science) - [Python For Data Science - A Cheat Sheet For Beginners](https://www.datacamp.com/community/tutorials/python-data-science-cheat-sheet-basics) - [Top voted Python data science questions](http://datascience.stackexchange.com/questions/tagged/python) - [Awesome Python - Data Visualization](https://github.com/vinta/awesome-python#data-visualization) From 2fb1fd98ebeeeba093612b4b1d25d206773ca1b4 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Thu, 5 Jul 2018 11:12:54 +0800 Subject: [PATCH 52/55] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 072136d..cdee5c1 100644 --- a/README.md +++ b/README.md @@ -56,6 +56,7 @@ - [Top voted Python data science questions](http://datascience.stackexchange.com/questions/tagged/python) - [Awesome Python - Data Visualization](https://github.com/vinta/awesome-python#data-visualization) - [Awesome Python - Map Reduce](https://github.com/vinta/awesome-python#mapreduce) +- [A Comprehensive Guide to Sentiment Analysis](https://monkeylearn.com/sentiment-analysis/) ## Pandas Library in Python - [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) From 02c13c5d9657ed47f536ddfc819e9f8bc24f37e7 Mon Sep 17 00:00:00 2001 From: Ujjwal Karn Date: Thu, 5 Jul 2018 11:15:53 +0800 Subject: [PATCH 53/55] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index cdee5c1..e0f40a8 100644 --- a/README.md +++ b/README.md @@ -56,7 +56,6 @@ - [Top voted Python data science questions](http://datascience.stackexchange.com/questions/tagged/python) - [Awesome Python - Data Visualization](https://github.com/vinta/awesome-python#data-visualization) - [Awesome Python - Map Reduce](https://github.com/vinta/awesome-python#mapreduce) -- [A Comprehensive Guide to Sentiment Analysis](https://monkeylearn.com/sentiment-analysis/) ## Pandas Library in Python - [Intro to pandas data structures](http://www.gregreda.com/2013/10/26/intro-to-pandas-data-structures/) @@ -202,6 +201,7 @@ - [NLP Tutorial with Python](http://www.datasciencecentral.com/profiles/blogs/python-nlp-tools) ## Sentiment Analysis with Python +- [A Comprehensive Guide to Sentiment Analysis](https://monkeylearn.com/sentiment-analysis/) - [Twitter-Sentiment-Analysis](https://github.com/ujjwalkarn/Twitter-Sentiment-Analysis) - [Basic Sentiment Analysis with Python](http://fjavieralba.com/basic-sentiment-analysis-with-python.html) - [What is the best way to do Sentiment Analysis with Python?](https://www.quora.com/What-is-the-best-way-to-do-Sentiment-Analysis-with-Python-1) From 29286a52e0644892f1591e71985ec9241825d920 Mon Sep 17 00:00:00 2001 From: Samedhaa Date: Fri, 31 Aug 2018 23:41:01 +0300 Subject: [PATCH 54/55] commenting some commands commenting some commands --- basic_commands.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/basic_commands.py b/basic_commands.py index b15d929..8c401fc 100644 --- a/basic_commands.py +++ b/basic_commands.py @@ -1,5 +1,5 @@ >>> a = ['a', 'b', 'c', 'd', 'e'] ->>> for index, item in enumerate(a): print index, item +>>> for index, item in enumerate(a): print index, item # enumerate function will generate an index for the item + item it self. ... 0 a 1 b @@ -37,6 +37,7 @@ str1 = "this is string example....wow!!!"; str2 = "exam"; +# find function will print the position for the first character of the string if it's found! print str1.find(str2); print str1.find(str2, 10); print str1.find(str2, 40); From 5b2574f755698f71cbc011db8b1ea25a64caa7fb Mon Sep 17 00:00:00 2001 From: Shahul Es Date: Fri, 19 Oct 2018 22:18:16 +0530 Subject: [PATCH 55/55] renamed local file location --- Twitter-Data-Analysis/extract_twitter_data.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/Twitter-Data-Analysis/extract_twitter_data.py b/Twitter-Data-Analysis/extract_twitter_data.py index b2558dd..178df35 100644 --- a/Twitter-Data-Analysis/extract_twitter_data.py +++ b/Twitter-Data-Analysis/extract_twitter_data.py @@ -28,7 +28,7 @@ class MyListener(StreamListener): def on_data(self, data): try: - with open('C:\\Users\\ujjwal.karn\\Desktop\\Tweets\\python.json', 'a') as f: #change location here + with open('location/file_name.txt', 'a') as f: #change location here f.write(data) return True except BaseException as e: