From a2703da5655f85a6044c50ac8c2a240be3ad3564 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Thu, 3 Jan 2019 22:17:49 +0100 Subject: [PATCH 001/134] Change the about me content --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 7df0001..1da0c47 100644 --- a/README.md +++ b/README.md @@ -25,7 +25,7 @@ This repo contains the teaching material for the Introduction to Python (and use ## About me -Slides for this section can be found [here](https://slides.com/utstikkar/introtopython-aboutme). +Slides for this section can be found [here](https://docs.google.com/presentation/d/e/2PACX-1vTbd4eONN5nSiNaTWW3uM2RM3O0jsoVT8gQ9byqa0X5vStBZGUBfiUSM7-HegCjymaDbaUzQ-9yyvMR/pub). ## The Python Programming Language Slide deck for this entire section is available [here](https://slides.com/utstikkar/introtopython-pythonproglanguage). From e296496bc5b49abbb548427eea2d90919ddbf7e7 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Fri, 4 Jan 2019 22:15:06 +0100 Subject: [PATCH 002/134] Insert slides for Python --- README.md | 6 +----- 1 file changed, 1 insertion(+), 5 deletions(-) diff --git a/README.md b/README.md index 1da0c47..30aed1c 100644 --- a/README.md +++ b/README.md @@ -28,16 +28,12 @@ This repo contains the teaching material for the Introduction to Python (and use Slides for this section can be found [here](https://docs.google.com/presentation/d/e/2PACX-1vTbd4eONN5nSiNaTWW3uM2RM3O0jsoVT8gQ9byqa0X5vStBZGUBfiUSM7-HegCjymaDbaUzQ-9yyvMR/pub). ## The Python Programming Language -Slide deck for this entire section is available [here](https://slides.com/utstikkar/introtopython-pythonproglanguage). - -### Why Python? -Slides on this topic start [here](http://slides.com/utstikkar/introtopython-pythonproglanguage#/1) +Complete slides [here](https://docs.google.com/presentation/d/e/2PACX-1vRPV8i3pQw7MCa6eG-9y9LgIFREJF_3sN4opFDXQ2r_NJgea9ObLJQfj4S_CiM6Ptxs7t0WU6lCa-QH/pub?start=false&loop=false&delayms=3000), inclusive of exercises ### Python for DS Components Slides on this topic start [here](http://slides.com/utstikkar/introtopython-pythonproglanguage#/5) ### Python 2 vs. Python 3 -Slides on this topic start [here](http://slides.com/utstikkar/introtopython-pythonproglanguage#/6) A great [notebook](http://nbviewer.ipython.org/github/rasbt/python_reference/blob/master/tutorials/key_differences_between_python_2_and_3.ipynb) covering the main differences has been written by Sebastian Raschka. From bae9d8d2bbe670e319fb5fcf9939d527169441d5 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Sat, 5 Jan 2019 20:48:26 +0100 Subject: [PATCH 003/134] Replace Atom with VSC --- README.md | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/README.md b/README.md index 30aed1c..66d15d7 100644 --- a/README.md +++ b/README.md @@ -62,11 +62,11 @@ Interactive environment for the web browser. A Jupyter notebook contains Python #### Sublime2 A general-purpose text editor that works on all systems. There are many plugins for Python available. There are a free and a commercial version available. -#### Atom -The Open Source cousin of Sublime2. +#### Visual Studio Code +The Open Source cousin of Sublime2, similar to Atom. #### PyCharm -PyCharm is probably the most luxurious IDE for Python. It contains tons of functions that are a superset of all the above. PyCharm is a great choice for bigger Python projects. +PyCharm is probably the most luxurious IDE for Python. It contains tons of functions that are a superset of all the above. PyCharm is a great choice for bigger Python projects. Free for non-commercial use. #### Notepad++ If you must use a text editor on Windows to edit Python code, refuse to use anything worse than **Notepad++**. From d96496ed3611cf5ebaf8353ae7e49ba4b4898de4 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Sat, 5 Jan 2019 21:11:26 +0100 Subject: [PATCH 004/134] Remove unused material, introduce new links --- README.md | 56 ++++++++++++++++++++----------------------------------- 1 file changed, 20 insertions(+), 36 deletions(-) diff --git a/README.md b/README.md index 66d15d7..7f8fca2 100644 --- a/README.md +++ b/README.md @@ -1,5 +1,5 @@ # Introduction to Python For Data Science -This repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/). +This repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas ## Table of Content @@ -18,9 +18,6 @@ This repo contains the teaching material for the Introduction to Python (and use * [NumPy and Matplotlib](#numpy-and-matplotlib) * [NumPy](#numpy) * [Matplotlib](#matplotlib) -* [Scikit-learn and your first Data Science case](#scikit-learn-and-your-first-data-science-case) - * [Scikit-learn](#scikit-learn) - * [Your first Data Science case](#your-first-data-science-case) * [SciPy](#scipy) @@ -30,11 +27,19 @@ Slides for this section can be found [here](https://docs.google.com/presentation ## The Python Programming Language Complete slides [here](https://docs.google.com/presentation/d/e/2PACX-1vRPV8i3pQw7MCa6eG-9y9LgIFREJF_3sN4opFDXQ2r_NJgea9ObLJQfj4S_CiM6Ptxs7t0WU6lCa-QH/pub?start=false&loop=false&delayms=3000), inclusive of exercises -### Python for DS Components -Slides on this topic start [here](http://slides.com/utstikkar/introtopython-pythonproglanguage#/5) +Extra links: + * [The SciPy Lectures -- The Python Language](http://scipy-lectures.github.io/intro/language/python_language.html). + +Practice those examples using alternatively python files, the IPython interpreter and an IPython Notebook. + +To practice: +* [Python interactive exercises](http://codingbat.com/python) +* [Join the codewars competitions](http://www.codewars.com/?language=python) ### Python 2 vs. Python 3 +Note: as explained in the lesson you should now just go with Python 3. These links are from more than 2 years ago but still useful if you need to use old libraries. + A great [notebook](http://nbviewer.ipython.org/github/rasbt/python_reference/blob/master/tutorials/key_differences_between_python_2_and_3.ipynb) covering the main differences has been written by Sebastian Raschka. To keep your code compatible with both Python 2 and Python 3, you might also want to use [this Cheat Sheet](http://python-future.org/compatible_idioms.html#cheat-sheet-writing-python-2-3-compatible-code). @@ -88,26 +93,11 @@ Try to clone or download it, before opening it, running and modifying its cells. Many more Jupyter features in [this blog post](http://arogozhnikov.github.io/2016/09/10/jupyter-features.html). -### Python basics -Times to get your hands dirty. Read and test for yourself the examples provided in: [The SciPy Lectures -- The Python Language](http://scipy-lectures.github.io/intro/language/python_language.html). +## Git +Slides are [here](https://docs.google.com/presentation/d/e/2PACX-1vSRDWRpbJpNmtPk5SufekG8bSbBSJGjsua-nf-BxTzS_F2qMkHwmFPzjQlnR6op2pwa0QzL-PTFGikx/pub?start=false&loop=false&delayms=3000) -Practice those examples using alternatively python files, the IPython interpreter and an IPython Notebook. - -To practice: -* [Python interactive exercises](http://codingbat.com/python) -* [Join the codewars competitions](http://www.codewars.com/?language=python) - -## Pandas - -### Intro tutorials on pandas basics - - * [Tutorial: Data structures](https://github.com/utstikkar/pandas-tutorial/blob/master/intro-to-pandas-1-Data-Structures.ipynb) - * [Tutorial: Working with dataframes](https://github.com/utstikkar/pandas-tutorial/blob/master/intro-to-pandas-2-Working-With-DataFrames.ipynb) - * [Tutorial: Using pandas on the MovieLens dataset](https://github.com/utstikkar/pandas-tutorial/blob/master/intro-to-pandas-3-Pandas-On-MovieLens.ipynb) - -### Data munging with pandas - - * [Exercises](https://github.com/utstikkar/pandas-tutorial/blob/master/data-munging-with-pandas.ipynb) +## What is machine learning +A brief introduction/recap of ML its terminology. Slides [here](https://docs.google.com/presentation/d/e/2PACX-1vRfxH8TbgtOQy24JBu28i12kYrbUquXKu6VZhZC3wyCUdiLW1HqF75mgnLI-EjKHFQUdPeZ-6OYD8G7/pub?start=false&loop=false&delayms=3000) ## NumPy and Matplotlib @@ -117,26 +107,20 @@ Start with the official [NumPy Tutorial](http://wiki.scipy.org/Tentative_NumPy_T Move on to these [exercises](http://scipy-lectures.github.io/intro/numpy/exercises.html). ### Matplotlib -Learn the basics and some more advanced plotting tricks in Matplotlib with this [hands-on tutorial](http://scipy-lectures.github.io/intro/matplotlib/matplotlib.html). +Learn the basics and some more advanced plotting tricks in Matplotlib with this [hands-on tutorial](http://scipy-lectures.github.io/intro/matplotlib/matplotlib.html). + +It's also very useful to look at the [gallery](https://matplotlib.org/gallery.html) to find examples of every possible chart you may want. -## Scikit-learn and your first Data Science case +## Scikit-learn and your first ML case ### Scikit-learn * Introduction to machine learning with scikit-learn [slides](http://slides.com/luciasantamaria/intro-machine-learning-scikit-learn#/) * Doing machine learning with scikit-learn [slides](https://github.com/luciasantamaria/pandas-tutorial/blob/master/scikit-learn.pdf) * [Tutorial: Introduction to scikit-learn](https://github.com/utstikkar/pandas-tutorial/blob/master/intro-to-scikit-learn-1-Basics.ipynb) * [To go further](http://nbviewer.jupyter.org/github/jakevdp/sklearn_tutorial/blob/master/notebooks/Index.ipynb) - -## Your first data science case - -A great source of data problems nowadays is the Kaggle platform. We'll be starting today with a simple but representative dataset: [Titanic: Machine Learning from Disaster](https://www.kaggle.com/c/titanic). - - * [Guide](https://github.com/luciasantamaria/pandas-tutorial/blob/master/titanic-machine-learning.ipynb) for orientation to approach the problem - -IMPORTANT: you will find plenty of materials to analyze this data, however you'll learn the most if you give the problem some thought and try out several things before resorting to ready-made answers. -## SciPy +## SciPy SciPy is a collection of mathematical algorithms and convenience functions built on the Numpy extension of Python. [Here](http://scipy-lectures.github.io/intro/scipy.html) is a hands-on overview of this collection, together with practical exercises and more advanced problems. From 287eacacc737e6e7c0f5acc34de5881c51a2dea1 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Sat, 5 Jan 2019 23:37:41 +0100 Subject: [PATCH 005/134] Add demo notebook for ML task --- .gitignore | 1 + scikit_demo.ipynb | 434 ++++++++++++++++++++++++++++++++++++++++++++++ 2 files changed, 435 insertions(+) create mode 100644 .gitignore create mode 100644 scikit_demo.ipynb diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..e941507 --- /dev/null +++ b/.gitignore @@ -0,0 +1 @@ +listings.csv diff --git a/scikit_demo.ipynb b/scikit_demo.ipynb new file mode 100644 index 0000000..c09a762 --- /dev/null +++ b/scikit_demo.ipynb @@ -0,0 +1,434 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "A first example of machine learning\n", + "==\n", + "In this notebook we'll apply a scikit-learn pipeline to a simple dataset (the listing of apartments in Airbnb of Berlin), and see how overfitting looks like." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T21:59:01.195267Z", + "start_time": "2019-01-05T21:59:01.003209Z" + } + }, + "outputs": [], + "source": [ + "import numpy as np" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We can invoke system commands by prepending them with a `!`, commands like `head`, `tail`, `wc` can be useful to quickly inspect a text file. Most of them are not present on Windows." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T21:59:01.345919Z", + "start_time": "2019-01-05T21:59:01.197499Z" + } + }, + "outputs": [], + "source": [ + "!head listings.csv" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "numpy provides the function `loadtxt` to load simple CSV files" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T21:59:01.355499Z", + "start_time": "2019-01-05T21:59:01.349177Z" + } + }, + "outputs": [], + "source": [ + "#np.loadtxt('listings.csv', delimiter=',', usecols=(54, 59, 48, 49, 79 ), skiprows=1)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "It does not work because this file contains newlines inside the fields. Luckily the Python CSV module can still process it.\n", + "\n", + "This code loads some columns from the CSV into separate numpy arrays.\n", + "\n", + "First, we create plain Python lists, then replace them with proper arrays (faster and smaller).\n", + "\n", + "Don;t worry: with Pandas this kind of operation becomes much easier." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T21:59:03.589649Z", + "start_time": "2019-01-05T21:59:01.360913Z" + } + }, + "outputs": [], + "source": [ + "from csv import DictReader\n", + "\n", + "review_scores_rating = []\n", + "price = []\n", + "latitude = []\n", + "longitude = []\n", + "bathrooms = []\n", + "\n", + "for l in DictReader(open('listings.csv')):\n", + " price.append(l['price'])\n", + " review_scores_rating.append(l['review_scores_rating'])\n", + " latitude.append(l['latitude'])\n", + " longitude.append(l['longitude'])\n", + " bathrooms.append(l['bathrooms'])\n", + "\n", + "latitude = np.array([float(l) for l in latitude])\n", + "longitude = np.array([float(l) for l in longitude])\n", + "price = np.array([float(l[1:].replace(',', '')) for l in price])\n", + "\n", + "# We assume the rating is 1 if not specified\n", + "review_scores_rating = np.array([int(l) if l != '' else 0 for l in review_scores_rating])\n", + "\n", + "# We assume there's 1 bathroom if not stated otherwise\n", + "bathrooms = np.array([float(l) if l != '' else 1 for l in bathrooms])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "It's very useful to have a look at the shape of the numpy arrays." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T21:59:03.596806Z", + "start_time": "2019-01-05T21:59:03.591360Z" + } + }, + "outputs": [], + "source": [ + "print(latitude.shape)\n", + "print(bathrooms.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T21:59:05.079158Z", + "start_time": "2019-01-05T21:59:03.601693Z" + } + }, + "outputs": [], + "source": [ + "%matplotlib inline\n", + "import matplotlib.pyplot as plt\n", + "from sklearn.linear_model import LinearRegression\n", + "\n", + "# change the figure size\n", + "from matplotlib.pyplot import figure\n", + "figure(num=None, figsize=(8, 6), dpi=80)\n", + "\n", + "# reshape is needed to create a second dimension of size 1\n", + "X = price.T.reshape(-1, 1)\n", + "Y = review_scores_rating.T\n", + "model = LinearRegression()\n", + "model.fit(X, Y)\n", + "model.score(X,Y)\n", + "\n", + "\n", + "plt.scatter(X, Y, marker='X')\n", + "\n", + "x_plot = np.linspace(0, 9000, 200)\n", + "y_plot = model.predict(x_plot.reshape(-1, 1))\n", + "plt.plot(x_plot, y_plot, color='red')\n", + "\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Turns out there are prices much much greater than the rest, making the visualization and the model less effective. Let's ignore them by placing a cap of 500 on the price.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T21:59:05.091151Z", + "start_time": "2019-01-05T21:59:05.081299Z" + } + }, + "outputs": [], + "source": [ + "too_high = np.argwhere(price > 500)\n", + "print(f'shape before: {price.shape}')\n", + "Ylow = np.delete(Y, too_high)\n", + "Xlow = np.delete(price, too_high).reshape(-1, 1)\n", + "print(f'shape after: {Xlow.shape}')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T21:59:05.486107Z", + "start_time": "2019-01-05T21:59:05.098969Z" + } + }, + "outputs": [], + "source": [ + "model = LinearRegression()\n", + "model.fit(Xlow, Ylow)\n", + "model.score(Xlow, Ylow)\n", + "\n", + "\n", + "plt.scatter(Xlow, Ylow, marker='X')\n", + "\n", + "x_plot = np.linspace(0, 500, 200)\n", + "y_plot = model.predict(x_plot.reshape(-1, 1))\n", + "plt.plot(x_plot, y_plot, color='red')\n", + "\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-04T14:40:29.991524Z", + "start_time": "2019-01-04T14:40:29.977525Z" + } + }, + "source": [ + "In scikit you can combine models using `make_pipeline`, in this case we combine `PolynomialFeatures` with `LinearRegression`, to run a linear regression on the features generated by the first step, which are the original ones multiplied and to various powers." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T22:00:05.692525Z", + "start_time": "2019-01-05T21:59:05.488667Z" + }, + "scrolled": true + }, + "outputs": [], + "source": [ + "from sklearn.preprocessing import PolynomialFeatures\n", + "from sklearn.pipeline import make_pipeline\n", + "\n", + "X = np.vstack((latitude, longitude, bathrooms)).T\n", + "print(f'the shape of X is {X.shape}')\n", + "Y = review_scores_rating.T\n", + "print(f'the shape of Y is {Y.shape}')\n", + "\n", + "\n", + "for degree in range(1, 20):\n", + " model = make_pipeline(PolynomialFeatures(degree), LinearRegression())\n", + " model.fit(X, Y)\n", + " score = model.score(X, Y)\n", + " print(f'with degree {degree} the score was {score:.5f}')" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-04T15:50:18.004263Z", + "start_time": "2019-01-04T15:50:17.991237Z" + } + }, + "source": [ + "The model reaches the best score at degree 11 (notice it could change with other cities). This seems the best result, but what is happening here is that we have overfitting. The dataset we use to check the model is the same we used to train it.\n", + "\n", + "Let's try instead by partitioning the data in train and test datasets." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T22:00:58.558258Z", + "start_time": "2019-01-05T22:00:05.694891Z" + } + }, + "outputs": [], + "source": [ + "train_X = X[:21000,:]\n", + "test_X = X[21000:,:]\n", + "\n", + "train_Y = Y[:21000]\n", + "test_Y = Y[21000:]\n", + "\n", + "for degree in range(1, 20):\n", + " model = make_pipeline(PolynomialFeatures(degree), LinearRegression())\n", + " model.fit(train_X, train_Y)\n", + " score = model.score(test_X, test_Y)\n", + " print(f'with degree {degree} the score was {score}')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T22:00:59.052579Z", + "start_time": "2019-01-05T22:00:58.560697Z" + } + }, + "outputs": [], + "source": [ + "# change the figure size\n", + "from matplotlib.pyplot import figure\n", + "figure(num=None, figsize=(8, 6), dpi=80)\n", + "\n", + "# reshape is needed to create a second dimension of size 1\n", + "X = price.T.reshape(-1, 1)\n", + "\n", + "\n", + "\n", + "model = make_pipeline(PolynomialFeatures(20), LinearRegression())\n", + "#model = LinearRegression()\n", + "model.fit(X, Y)\n", + "model.score(X,Y)\n", + "\n", + "\n", + "\n", + "plt.scatter(X, Y, marker='X')\n", + "\n", + "x_plot = np.linspace(0, 9000, 200)\n", + "y_plot = model.predict(x_plot.reshape(-1, 1))\n", + "plt.plot(x_plot, y_plot, color='red')\n", + "\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Turns out there are prices much much greater than the rest, making the visualization and the model pointless. Let's ignore them by placing a cap of 500 on the data." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T22:00:59.627490Z", + "start_time": "2019-01-05T22:00:59.055636Z" + } + }, + "outputs": [], + "source": [ + "figure(num=None, figsize=(8, 6), dpi=80)\n", + "\n", + "\n", + "model = make_pipeline(PolynomialFeatures(30), LinearRegression())\n", + "#model = LinearRegression()\n", + "model.fit(Xlow, Ylow)\n", + "model.score(Xlow, Ylow)\n", + "\n", + "\n", + "plt.scatter(Xlow, Ylow, marker='X')\n", + "\n", + "x_plot = np.linspace(0, 500, 200)\n", + "y_plot = model.predict(x_plot.reshape(-1, 1))\n", + "plt.plot(x_plot, y_plot, color='red')\n", + "\n", + "plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Just for fun, let's draw a map of prices" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "ExecuteTime": { + "end_time": "2019-01-05T22:01:00.875236Z", + "start_time": "2019-01-05T22:00:59.631315Z" + } + }, + "outputs": [], + "source": [ + "figure(num=None, figsize=(9, 7), dpi=80)\n", + "\n", + "plt.scatter(latitude, longitude, c=review_scores_rating, marker='.', cmap=plt.cm.get_cmap('inferno'))" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.2" + }, + "toc": { + "base_numbering": 1, + "nav_menu": {}, + "number_sections": true, + "sideBar": true, + "skip_h1_title": false, + "title_cell": "Table of Contents", + "title_sidebar": "Contents", + "toc_cell": false, + "toc_position": {}, + "toc_section_display": true, + "toc_window_display": false + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} From 7955642ad040f57a4dab6b0655441c0be6003138 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Sun, 6 Jan 2019 12:08:31 +0100 Subject: [PATCH 006/134] Add Jupyter issues slides replacing Pandas dead section --- README.md | 5 ++--- 1 file changed, 2 insertions(+), 3 deletions(-) diff --git a/README.md b/README.md index 7f8fca2..df3757f 100644 --- a/README.md +++ b/README.md @@ -12,9 +12,6 @@ This repo contains the teaching material for the Introduction to Python (and use * [Running the IPython interpreter and a python file](#running-the-ipython-interpreter-and-a-python-file) * [Jupyter Notebook](#jupyter-notebook) * [Python basics](#python-basics) -* [Pandas](#pandas) - * [Intro tutorial on pandas basics](#intro-tutorials-on-pandas-basics) - * [Data Munging with Pandas](#data-munging-with-pandas) * [NumPy and Matplotlib](#numpy-and-matplotlib) * [NumPy](#numpy) * [Matplotlib](#matplotlib) @@ -93,6 +90,8 @@ Try to clone or download it, before opening it, running and modifying its cells. Many more Jupyter features in [this blog post](http://arogozhnikov.github.io/2016/09/10/jupyter-features.html). +And of course, be aware of the fact Jupyter is NOT an IDE and can bite you in various ways: [See this presentation](https://docs.google.com/presentation/d/1n2RlMdmv1p25Xy5thJUhkKGvjtV-dkAIsUXP-AL4ffI/edit#slide=id.g3cb1319227_1_388) + ## Git Slides are [here](https://docs.google.com/presentation/d/e/2PACX-1vSRDWRpbJpNmtPk5SufekG8bSbBSJGjsua-nf-BxTzS_F2qMkHwmFPzjQlnR6op2pwa0QzL-PTFGikx/pub?start=false&loop=false&delayms=3000) From cbb451e0b77743eca4f9f230c287ae7ef8584661 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Sun, 6 Jan 2019 12:15:40 +0100 Subject: [PATCH 007/134] Add warning note link --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index df3757f..5bc5f91 100644 --- a/README.md +++ b/README.md @@ -83,7 +83,7 @@ I know people who are successfully using Emacs to write Python code, but haven't Slides on this topic start [here](http://slides.com/utstikkar/introtopython-pythonproglanguage#/12) ### Jupyter Notebook -A live demo will be given during the masterclass. +A live demo will be given during the masterclass. Here just a [warning note](https://docs.google.com/presentation/d/e/2PACX-1vR2ntOr6vWHgHoC0X3arDtim9fIhaoF7r6Vl5fVjxSXeXpD2NRykOSR_UyQzbtjppD2tiqwkw2peMfQ/pub?start=false&loop=false&delayms=3000) Experiment further with the IPython Notebook environment with [this Jupyter Notebook](http://nbviewer.ipython.org/github/ipython/ipython/blob/2.x/examples/Notebook/Running%20Code.ipynb). Try to clone or download it, before opening it, running and modifying its cells. From 87eccb2fc508822270ff5c884267818be4184d95 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Sun, 6 Jan 2019 13:46:34 +0100 Subject: [PATCH 008/134] Add scikit-learn slides link --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 5bc5f91..8deda33 100644 --- a/README.md +++ b/README.md @@ -112,6 +112,7 @@ It's also very useful to look at the [gallery](https://matplotlib.org/gallery.ht ## Scikit-learn and your first ML case +Slides are [here](https://docs.google.com/presentation/d/e/2PACX-1vTjCOfNagJZzOjovAPgNBkVxcddNlKbWZ5oxEjicbuFyEwpAbMjG8m7x0tx3xjqUyKkoYFh0rysWRNL/pub?start=false&loop=false&delayms=3000) ### Scikit-learn * Introduction to machine learning with scikit-learn [slides](http://slides.com/luciasantamaria/intro-machine-learning-scikit-learn#/) * Doing machine learning with scikit-learn [slides](https://github.com/luciasantamaria/pandas-tutorial/blob/master/scikit-learn.pdf) From 6a661a5f207fb8a03392c05c2578f7a2814dab07 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Mon, 7 Jan 2019 17:09:59 +0100 Subject: [PATCH 009/134] Rename section to Table of Contents --- README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index 8deda33..255075e 100644 --- a/README.md +++ b/README.md @@ -1,7 +1,8 @@ # Introduction to Python For Data Science This repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas -## Table of Content + +## Table of Contents * [About Me](#about-me) * [The Python Programming Language](#the-python-programming-language) From e45229695dfcfed3c67ab26af93afdfefed8e3aa Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Mon, 7 Jan 2019 17:10:50 +0100 Subject: [PATCH 010/134] Lowercase content --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 8deda33..6af2eb2 100644 --- a/README.md +++ b/README.md @@ -1,7 +1,7 @@ # Introduction to Python For Data Science This repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas -## Table of Content +## Table of content * [About Me](#about-me) * [The Python Programming Language](#the-python-programming-language) From 4c8d837ac730523a7ac4d2da9c11649f7550c05f Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Mon, 1 Jul 2019 15:18:46 +0200 Subject: [PATCH 011/134] Add a dot --- README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index c3ae4fe..b54e9e1 100644 --- a/README.md +++ b/README.md @@ -1,5 +1,6 @@ # Introduction to Python For Data Science -This repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas +This repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. + ## Table of contents From 6e4c418a0b838b094c0eab53542a9ff895e37e48 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Mon, 1 Jul 2019 15:19:32 +0200 Subject: [PATCH 012/134] Added dots --- README.md | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index c3ae4fe..e025fd9 100644 --- a/README.md +++ b/README.md @@ -1,5 +1,5 @@ # Introduction to Python For Data Science -This repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas +This repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. ## Table of contents @@ -23,7 +23,7 @@ This repo contains the teaching material for the Introduction to Python (and use Slides for this section can be found [here](https://docs.google.com/presentation/d/e/2PACX-1vTbd4eONN5nSiNaTWW3uM2RM3O0jsoVT8gQ9byqa0X5vStBZGUBfiUSM7-HegCjymaDbaUzQ-9yyvMR/pub). ## The Python Programming Language -Complete slides [here](https://docs.google.com/presentation/d/e/2PACX-1vRPV8i3pQw7MCa6eG-9y9LgIFREJF_3sN4opFDXQ2r_NJgea9ObLJQfj4S_CiM6Ptxs7t0WU6lCa-QH/pub?start=false&loop=false&delayms=3000), inclusive of exercises +Complete slides [here](https://docs.google.com/presentation/d/e/2PACX-1vRPV8i3pQw7MCa6eG-9y9LgIFREJF_3sN4opFDXQ2r_NJgea9ObLJQfj4S_CiM6Ptxs7t0WU6lCa-QH/pub?start=false&loop=false&delayms=3000), inclusive of exercises. Extra links: * [The SciPy Lectures -- The Python Language](http://scipy-lectures.github.io/intro/language/python_language.html). From c7be8ae2322d93b5e536be98526eaacdf6ce8d03 Mon Sep 17 00:00:00 2001 From: JohannaViktor Date: Wed, 8 Jan 2020 16:38:31 +0100 Subject: [PATCH 013/134] added trouble --- trouble.md | 1 + 1 file changed, 1 insertion(+) create mode 100644 trouble.md diff --git a/trouble.md b/trouble.md new file mode 100644 index 0000000..55aad05 --- /dev/null +++ b/trouble.md @@ -0,0 +1 @@ +Hi huahösdfkads jfö \ No newline at end of file From 5ce9c44cf6a6c42b5e41eec0e8e775282da0d394 Mon Sep 17 00:00:00 2001 From: JohannaViktor Date: Wed, 8 Jan 2020 16:47:56 +0100 Subject: [PATCH 014/134] add password to gitignore --- .gitignore | 2 ++ 1 file changed, 2 insertions(+) diff --git a/.gitignore b/.gitignore index e941507..f515fcd 100644 --- a/.gitignore +++ b/.gitignore @@ -1 +1,3 @@ listings.csv +password.txt + From 3a12b709763fb40ddb0ce4c95595d53e39fa88f9 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 1 Jul 2020 14:57:55 +0200 Subject: [PATCH 015/134] Created hello file --- hello.tsdf | 1 + 1 file changed, 1 insertion(+) create mode 100644 hello.tsdf diff --git a/hello.tsdf b/hello.tsdf new file mode 100644 index 0000000..1a83593 --- /dev/null +++ b/hello.tsdf @@ -0,0 +1 @@ +sdgdfg From af0402379428218fc7c7af5e4c2113a50625ca4d Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 1 Jul 2020 15:03:10 +0200 Subject: [PATCH 016/134] Changed the hello file --- hello.tsdf | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/hello.tsdf b/hello.tsdf index 1a83593..0b8684f 100644 --- a/hello.tsdf +++ b/hello.tsdf @@ -1 +1,2 @@ -sdgdfg +asdfdsds sdgdfg +sdfds From a437cdefda740440ab3351ce840aa9bfd0fa92c2 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 1 Jul 2020 15:12:26 +0200 Subject: [PATCH 017/134] Added new file --- new-lesson-file | 1 + 1 file changed, 1 insertion(+) create mode 100644 new-lesson-file diff --git a/new-lesson-file b/new-lesson-file new file mode 100644 index 0000000..1c333fb --- /dev/null +++ b/new-lesson-file @@ -0,0 +1 @@ +Hello this is the new lesson From 3d0016655e775e544fecb7c33de5b8701e84ad55 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 1 Jul 2020 15:15:36 +0200 Subject: [PATCH 018/134] Added new file for master --- added-on-master | 1 + 1 file changed, 1 insertion(+) create mode 100644 added-on-master diff --git a/added-on-master b/added-on-master new file mode 100644 index 0000000..91e6df1 --- /dev/null +++ b/added-on-master @@ -0,0 +1 @@ +Hello this was created on master From b4f77d1395cd23ed35582d0442f7c9d5de68ad17 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 1 Jul 2020 15:33:00 +0200 Subject: [PATCH 019/134] Change introduction to intro --- README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index e025fd9..05825fd 100644 --- a/README.md +++ b/README.md @@ -1,7 +1,8 @@ -# Introduction to Python For Data Science +# Intro to Python For Data Science This repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. + ## Table of contents * [About Me](#about-me) From c1b5465a62dc29f9aa1dcf7dd54cb3e55a851dde Mon Sep 17 00:00:00 2001 From: michi-d Date: Wed, 1 Jul 2020 16:04:03 +0200 Subject: [PATCH 020/134] changed README --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 05825fd..83b6e76 100644 --- a/README.md +++ b/README.md @@ -1,7 +1,7 @@ # Intro to Python For Data Science This repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. - +...change something... ## Table of contents From 7bf7a887388b3fa52507fbd83714960482373ee0 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 23 Sep 2020 14:37:34 +0200 Subject: [PATCH 021/134] added the word big --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 83b6e76..bb39142 100644 --- a/README.md +++ b/README.md @@ -1,5 +1,5 @@ # Intro to Python For Data Science -This repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. +This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. ...change something... From f6fbeac512a9b6f5f7f0fb6b14476be4df83c3ce Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 23 Sep 2020 16:04:29 +0200 Subject: [PATCH 022/134] change the readme --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index bb39142..8c58648 100644 --- a/README.md +++ b/README.md @@ -1,7 +1,7 @@ # Intro to Python For Data Science This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. -...change something... +Something changed here ## Table of contents From 55c4f4dd5035cc31285086af82c444a438c2dd63 Mon Sep 17 00:00:00 2001 From: Astica Date: Wed, 23 Sep 2020 16:04:52 +0200 Subject: [PATCH 023/134] I did a thing --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index bb39142..4556d2b 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,7 @@ # Intro to Python For Data Science This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. +uh oh changes ...change something... ## Table of contents From c04694043257f455df3944766eb93f58da1980f1 Mon Sep 17 00:00:00 2001 From: Tjarke Date: Wed, 23 Sep 2020 16:05:06 +0200 Subject: [PATCH 024/134] added banana --- banana.txt | 0 1 file changed, 0 insertions(+), 0 deletions(-) create mode 100644 banana.txt diff --git a/banana.txt b/banana.txt new file mode 100644 index 0000000..e69de29 From 2fbb2ae0631f3621d2541ae4ae27840ba8bd787e Mon Sep 17 00:00:00 2001 From: janzenal Date: Wed, 23 Sep 2020 16:05:43 +0200 Subject: [PATCH 025/134] changed the readme --- README.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 README.txt diff --git a/README.txt b/README.txt new file mode 100644 index 0000000..1c5a9c7 --- /dev/null +++ b/README.txt @@ -0,0 +1 @@ +hey hey From bf9ce5d2d401aeb6bd90ff11b436fbcd4bee7925 Mon Sep 17 00:00:00 2001 From: Anvar Date: Wed, 23 Sep 2020 16:07:16 +0200 Subject: [PATCH 026/134] cheange the readme --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index bb39142..1cae50b 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,6 @@ # Intro to Python For Data Science This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. - +asdas ...change something... ## Table of contents From 38544b419ecad7c5b4463c6df0973d7dc3b5a6ab Mon Sep 17 00:00:00 2001 From: Jose Quesada Date: Wed, 28 Apr 2021 15:53:54 +0200 Subject: [PATCH 027/134] added peanuts --- peanuts.txt | 17 +++++++++++++++++ 1 file changed, 17 insertions(+) create mode 100644 peanuts.txt diff --git a/peanuts.txt b/peanuts.txt new file mode 100644 index 0000000..9fc95c0 --- /dev/null +++ b/peanuts.txt @@ -0,0 +1,17 @@ +OO + +O +OO +O + + +O +O +OO +O +O + + + +oo + From bb2c7ce265c817460afe760abe20a3565385c47c Mon Sep 17 00:00:00 2001 From: grotto777 Date: Wed, 28 Apr 2021 16:00:15 +0200 Subject: [PATCH 028/134] Added a file --- msg.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 msg.txt diff --git a/msg.txt b/msg.txt new file mode 100644 index 0000000..d280823 --- /dev/null +++ b/msg.txt @@ -0,0 +1 @@ +Some message From a84daadba3f64e9b57ba30c90a2fd87c8b1d143c Mon Sep 17 00:00:00 2001 From: Malkhaz Date: Wed, 28 Apr 2021 16:00:51 +0200 Subject: [PATCH 029/134] some message --- README.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.txt b/README.txt index 1c5a9c7..7841baa 100644 --- a/README.txt +++ b/README.txt @@ -1 +1 @@ -hey hey +lkjlkjlkjhey hey From 7a8f1c9d99f3dcf7f91a1ae123f2042182e3e3b6 Mon Sep 17 00:00:00 2001 From: Bahar Rezaei Date: Wed, 28 Apr 2021 16:00:57 +0200 Subject: [PATCH 030/134] jacobo --- jacobo.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 jacobo.txt diff --git a/jacobo.txt b/jacobo.txt new file mode 100644 index 0000000..d3f3353 --- /dev/null +++ b/jacobo.txt @@ -0,0 +1 @@ +Jacobo From 835878e797ed50c03aca2e80f37f204fdf60e2cd Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 28 Apr 2021 16:37:09 +0200 Subject: [PATCH 031/134] dsfds --- peanuts.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 peanuts.txt diff --git a/peanuts.txt b/peanuts.txt new file mode 100644 index 0000000..851923f --- /dev/null +++ b/peanuts.txt @@ -0,0 +1 @@ +this is peanuts in master From 43ba48fffa8b9d5c4ca73c2e9a13409588057780 Mon Sep 17 00:00:00 2001 From: Mohammad Saleh Date: Wed, 14 Jul 2021 16:28:32 +0200 Subject: [PATCH 032/134] removed noise --- README.md | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index ec82f3e..f4c813f 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,8 @@ # Intro to Python For Data Science This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. -asdas +aaaaaaaaaaaaaaaaaaaa +aaaaaaaaaaaaaaaaaaaaa +aaaaaaaaaasdas uh oh changes ...change something... From 8fe4af38049238de580c1e2c404ffe7290358f1e Mon Sep 17 00:00:00 2001 From: paul grzesik Date: Wed, 14 Jul 2021 16:30:09 +0200 Subject: [PATCH 033/134] new one --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index ec82f3e..37a2dd0 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,6 @@ # Intro to Python For Data Science This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. -asdas + uh oh changes ...change something... From 188f578aef4b919a7f566df4700083a7cc234218 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 14 Jul 2021 17:00:30 +0200 Subject: [PATCH 034/134] Ignore the secretpassword.txt file --- .gitignore | 1 + 1 file changed, 1 insertion(+) diff --git a/.gitignore b/.gitignore index f515fcd..162ff20 100644 --- a/.gitignore +++ b/.gitignore @@ -1,3 +1,4 @@ listings.csv password.txt +secretpassword.txt From 45aeb97c1d6c1f4bcc723ddf3e2087f11edc5724 Mon Sep 17 00:00:00 2001 From: GeoMich Date: Wed, 29 Sep 2021 16:47:03 +0200 Subject: [PATCH 035/134] changed readme --- README.md | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/README.md b/README.md index ebd3474..f9e2c8d 100644 --- a/README.md +++ b/README.md @@ -1,8 +1,7 @@ # Intro to Python For Data Science This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. aaaaaaaaaaaaaaaaaaaa -aaaaaaaaaaaaaaaaaaaaa -aaaaaaaaaasdas + From fcb3a5bca3daabddf163081a6f49e807ec8bd931 Mon Sep 17 00:00:00 2001 From: igivis7 Date: Wed, 29 Sep 2021 16:47:06 +0200 Subject: [PATCH 036/134] edited readme --- README.md | 6 +----- 1 file changed, 1 insertion(+), 5 deletions(-) diff --git a/README.md b/README.md index ebd3474..ead1999 100644 --- a/README.md +++ b/README.md @@ -1,10 +1,6 @@ # Intro to Python For Data Science This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. -aaaaaaaaaaaaaaaaaaaa -aaaaaaaaaaaaaaaaaaaaa -aaaaaaaaaasdas - - +TTTTTTTTTTTTTTT ## Table of contents From 49ab552b9dedc53e08cb7130b8384d085adacc4a Mon Sep 17 00:00:00 2001 From: abergues Date: Wed, 29 Sep 2021 16:47:41 +0200 Subject: [PATCH 037/134] my ingredient --- rice_missing.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 rice_missing.txt diff --git a/rice_missing.txt b/rice_missing.txt new file mode 100644 index 0000000..056b93b --- /dev/null +++ b/rice_missing.txt @@ -0,0 +1 @@ +rice added From e72feb80cb5edfca975f4bfec81842da202247e5 Mon Sep 17 00:00:00 2001 From: eeroolli Date: Wed, 29 Sep 2021 16:48:16 +0200 Subject: [PATCH 038/134] translated the README to Finnish --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index ebd3474..3ae2195 100644 --- a/README.md +++ b/README.md @@ -1,5 +1,5 @@ # Intro to Python For Data Science -This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. +Tämä repo sisältää Suomalaisen version....This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. aaaaaaaaaaaaaaaaaaaa aaaaaaaaaaaaaaaaaaaaa aaaaaaaaaasdas From 4fb8d37083330e43f2200279b82342d17034e71f Mon Sep 17 00:00:00 2001 From: GeoMich Date: Wed, 29 Sep 2021 16:55:42 +0200 Subject: [PATCH 039/134] changed again readme --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index f9e2c8d..6f250b3 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,6 @@ # Intro to Python For Data Science This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. -aaaaaaaaaaaaaaaaaaaa + From 56b5dcda33c78e8c5d4f156f988ac1a10ac9dc58 Mon Sep 17 00:00:00 2001 From: Hazel Wat Date: Wed, 29 Sep 2021 17:31:36 +0200 Subject: [PATCH 040/134] add text --- my-feature | 1 + 1 file changed, 1 insertion(+) create mode 100644 my-feature diff --git a/my-feature b/my-feature new file mode 100644 index 0000000..d7d69a4 --- /dev/null +++ b/my-feature @@ -0,0 +1 @@ +hdaskdhasklhdlask From e5ecd3d27f931cb7cad2ef7c0dea69e87ebd2845 Mon Sep 17 00:00:00 2001 From: Asis Date: Wed, 12 Jan 2022 15:58:38 +0100 Subject: [PATCH 041/134] Add new file --- aaa.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 aaa.txt diff --git a/aaa.txt b/aaa.txt new file mode 100644 index 0000000..7635aca --- /dev/null +++ b/aaa.txt @@ -0,0 +1 @@ +new file here From 83462dcf2e725982401b6f01180d20188dec8b8d Mon Sep 17 00:00:00 2001 From: Oskar Date: Wed, 12 Jan 2022 15:58:47 +0100 Subject: [PATCH 042/134] Add new-file --- new-file1.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 new-file1.txt diff --git a/new-file1.txt b/new-file1.txt new file mode 100644 index 0000000..3e75765 --- /dev/null +++ b/new-file1.txt @@ -0,0 +1 @@ +new From 2cb5ce2f4641decbcb02b7bad41df7dd587abbbf Mon Sep 17 00:00:00 2001 From: franksh Date: Wed, 12 Jan 2022 15:59:03 +0100 Subject: [PATCH 043/134] a great change --- blurb.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 blurb.txt diff --git a/blurb.txt b/blurb.txt new file mode 100644 index 0000000..8bd6648 --- /dev/null +++ b/blurb.txt @@ -0,0 +1 @@ +asdf From 0391c198010a0daef937569107f3b55543391ad1 Mon Sep 17 00:00:00 2001 From: nkorra Date: Wed, 12 Jan 2022 15:59:12 +0100 Subject: [PATCH 044/134] Some amazing change --- aaa.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 aaa.txt diff --git a/aaa.txt b/aaa.txt new file mode 100644 index 0000000..cf36b34 --- /dev/null +++ b/aaa.txt @@ -0,0 +1 @@ +Hallo world new file From 3c1526130b9fd11cc6e3bfc751a23579297ae83d Mon Sep 17 00:00:00 2001 From: khuss Date: Wed, 12 Jan 2022 15:59:20 +0100 Subject: [PATCH 045/134] blah added --- blah.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 blah.txt diff --git a/blah.txt b/blah.txt new file mode 100644 index 0000000..6b40dcd --- /dev/null +++ b/blah.txt @@ -0,0 +1 @@ +choukouloops From e5835afcbbab23ea16c91dbb12574ef2799bf928 Mon Sep 17 00:00:00 2001 From: Maryam Date: Wed, 12 Jan 2022 15:59:44 +0100 Subject: [PATCH 046/134] some amazing change --- newFile.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 newFile.txt diff --git a/newFile.txt b/newFile.txt new file mode 100644 index 0000000..3e75765 --- /dev/null +++ b/newFile.txt @@ -0,0 +1 @@ +new From 9bd3a2d94599a989bb328ad5df2034f9f9442897 Mon Sep 17 00:00:00 2001 From: "ivelina.zaharieva" Date: Wed, 12 Jan 2022 16:00:43 +0100 Subject: [PATCH 047/134] new_file-added --- iva.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 iva.txt diff --git a/iva.txt b/iva.txt new file mode 100644 index 0000000..eee417f --- /dev/null +++ b/iva.txt @@ -0,0 +1 @@ +new text From 8811cf39af90b431a0e7e0544607425e79809940 Mon Sep 17 00:00:00 2001 From: Asis Date: Wed, 12 Jan 2022 16:00:51 +0100 Subject: [PATCH 048/134] Add new file --- new_file.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 new_file.txt diff --git a/new_file.txt b/new_file.txt new file mode 100644 index 0000000..b30fee8 --- /dev/null +++ b/new_file.txt @@ -0,0 +1 @@ +New file in new branch From 686cb220b597478d7f7c4e886bfbcf572257389a Mon Sep 17 00:00:00 2001 From: GenomZ Date: Wed, 30 Mar 2022 16:50:55 +0200 Subject: [PATCH 049/134] Created test.py --- test.py | 5 +++++ 1 file changed, 5 insertions(+) create mode 100644 test.py diff --git a/test.py b/test.py new file mode 100644 index 0000000..5061f48 --- /dev/null +++ b/test.py @@ -0,0 +1,5 @@ +import numpy +import pandas +import meaning_of_life + + From e119730bb165608a0b891898ff5e8cac211cc96b Mon Sep 17 00:00:00 2001 From: LuiseStrathe <101968059+LuiseStrathe@users.noreply.github.com> Date: Wed, 30 Mar 2022 16:51:15 +0200 Subject: [PATCH 050/134] changed peanuts file --- peanuts.txt | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/peanuts.txt b/peanuts.txt index d3a7bae..7c3b8b0 100644 --- a/peanuts.txt +++ b/peanuts.txt @@ -12,7 +12,6 @@ O O +yumm -oo -this is peanuts in master From a06ccd082e7b63ca5ecfb54a6d8ba7140f1c5cb2 Mon Sep 17 00:00:00 2001 From: Simon Markus Date: Wed, 30 Mar 2022 16:51:49 +0200 Subject: [PATCH 051/134] added simons file --- simonwashere.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 simonwashere.txt diff --git a/simonwashere.txt b/simonwashere.txt new file mode 100644 index 0000000..a4f24d2 --- /dev/null +++ b/simonwashere.txt @@ -0,0 +1 @@ +simon was here From 42e73b5573ab51b5fc75bf3edeae05cd74be7ca3 Mon Sep 17 00:00:00 2001 From: Sebastian-ehrig Date: Wed, 30 Mar 2022 16:51:49 +0200 Subject: [PATCH 052/134] Added more peanuts --- peanuts.txt | 5 +++-- 1 file changed, 3 insertions(+), 2 deletions(-) diff --git a/peanuts.txt b/peanuts.txt index d3a7bae..c19e681 100644 --- a/peanuts.txt +++ b/peanuts.txt @@ -1,6 +1,7 @@ OO - +O +O O OO O @@ -12,7 +13,7 @@ O O - +OOO oo this is peanuts in master From e3e5798938a118bbc2f98b077b936ff300596e67 Mon Sep 17 00:00:00 2001 From: David Al-Gurnawi Date: Wed, 30 Mar 2022 16:52:30 +0200 Subject: [PATCH 053/134] Peanut Butter Jelly --- peanuts.txt | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/peanuts.txt b/peanuts.txt index d3a7bae..f384c8f 100644 --- a/peanuts.txt +++ b/peanuts.txt @@ -15,4 +15,6 @@ O oo this is peanuts in master - +PEANUT BUTTER JELLY TIME +PEANUT BUTTER JELLY TIME +PEANUT BUTTER JELLY TIME From 923ec8f65ef99831f2dff192ff1b082ab8a5976d Mon Sep 17 00:00:00 2001 From: ShahedNaji <102532850+ShahedNaji@users.noreply.github.com> Date: Wed, 30 Mar 2022 16:53:06 +0200 Subject: [PATCH 054/134] changes --- iva.txt | 2 ++ 1 file changed, 2 insertions(+) diff --git a/iva.txt b/iva.txt index eee417f..00dbedf 100644 --- a/iva.txt +++ b/iva.txt @@ -1 +1,3 @@ +hello + new text From 55a4a49206183908a76a5fafc7f02465425e84df Mon Sep 17 00:00:00 2001 From: Simon Markus Date: Wed, 30 Mar 2022 16:58:24 +0200 Subject: [PATCH 055/134] significant improvement of simons file --- simonwashere.txt | 1 + 1 file changed, 1 insertion(+) diff --git a/simonwashere.txt b/simonwashere.txt index a4f24d2..ee88aa0 100644 --- a/simonwashere.txt +++ b/simonwashere.txt @@ -1 +1,2 @@ simon was here +and modified this file From e0d947860297a85adf2a7237456154a34876908d Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 30 Mar 2022 17:23:06 +0200 Subject: [PATCH 056/134] add forbidden file --- password.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 password.txt diff --git a/password.txt b/password.txt new file mode 100644 index 0000000..d61cb51 --- /dev/null +++ b/password.txt @@ -0,0 +1 @@ +super secret passowrd From 1d7752e7bf5b666f7bbf7c291ed839d57cea485e Mon Sep 17 00:00:00 2001 From: renitsa Date: Fri, 1 Jul 2022 17:14:13 +0200 Subject: [PATCH 057/134] Updated answer to meaning --- test.py | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/test.py b/test.py index 5061f48..333f496 100644 --- a/test.py +++ b/test.py @@ -2,4 +2,8 @@ import pandas import meaning_of_life +def show_meaning(): + return 42 +answer_meaning = show_meaning() +print(answer_meaning) From 040e9aa00cef69839372c13ffaa504ad018b30ee Mon Sep 17 00:00:00 2001 From: HanifDS Date: Fri, 1 Jul 2022 17:14:53 +0200 Subject: [PATCH 058/134] My updated changes --- msg.txt | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/msg.txt b/msg.txt index d280823..4904c74 100644 --- a/msg.txt +++ b/msg.txt @@ -1 +1,2 @@ -Some message +Some message which I have expanded on. + From 86d5e2974bda14963ae0ff175d657ce3153062de Mon Sep 17 00:00:00 2001 From: louis-demetz <61187384+louis-demetz@users.noreply.github.com> Date: Wed, 28 Sep 2022 16:25:41 +0200 Subject: [PATCH 059/134] just added a useless file --- mynewfile.txt | 2 ++ 1 file changed, 2 insertions(+) create mode 100644 mynewfile.txt diff --git a/mynewfile.txt b/mynewfile.txt new file mode 100644 index 0000000..e345092 --- /dev/null +++ b/mynewfile.txt @@ -0,0 +1,2 @@ +this is a completely new file + From 698e1b7daa81f2a596eecb613d1c085215d92ad6 Mon Sep 17 00:00:00 2001 From: Schlacks Date: Wed, 28 Sep 2022 16:25:47 +0200 Subject: [PATCH 060/134] My file! --- jansfile.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 jansfile.txt diff --git a/jansfile.txt b/jansfile.txt new file mode 100644 index 0000000..81eb182 --- /dev/null +++ b/jansfile.txt @@ -0,0 +1 @@ +thats my file and no ones other! From 562edbb83911d034b9f539566f13cd28d2bab68b Mon Sep 17 00:00:00 2001 From: hannesoehler Date: Wed, 28 Sep 2022 16:25:48 +0200 Subject: [PATCH 061/134] some test change --- mynewfile.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 mynewfile.txt diff --git a/mynewfile.txt b/mynewfile.txt new file mode 100644 index 0000000..cd591db --- /dev/null +++ b/mynewfile.txt @@ -0,0 +1 @@ +bla bla bla From 4b377b95da0be780e6cc25d6ed3982d651d880fe Mon Sep 17 00:00:00 2001 From: danand Date: Wed, 28 Sep 2022 16:26:00 +0200 Subject: [PATCH 062/134] created some file --- myfile_anand.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 myfile_anand.txt diff --git a/myfile_anand.txt b/myfile_anand.txt new file mode 100644 index 0000000..0125a2e --- /dev/null +++ b/myfile_anand.txt @@ -0,0 +1 @@ +Great! From 8ab9c6f4d140eeac3ddee8816b71a7aeb62d9baf Mon Sep 17 00:00:00 2001 From: ncerutti Date: Wed, 28 Sep 2022 16:26:09 +0200 Subject: [PATCH 063/134] Added mind reading example --- 7.seven.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 7.seven.txt diff --git a/7.seven.txt b/7.seven.txt new file mode 100644 index 0000000..fc8d788 --- /dev/null +++ b/7.seven.txt @@ -0,0 +1 @@ +you are thinking about the number 7 From 8993d82adbfeeda151330107f2e1c941fac3ae3c Mon Sep 17 00:00:00 2001 From: Emanuele Roppo Date: Wed, 28 Sep 2022 16:26:25 +0200 Subject: [PATCH 064/134] my first fork commit --- henlo.txt | 0 1 file changed, 0 insertions(+), 0 deletions(-) create mode 100644 henlo.txt diff --git a/henlo.txt b/henlo.txt new file mode 100644 index 0000000..e69de29 From 0dc6b68888db9f5c420d950a7a15bf1227d1e2b4 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 28 Sep 2022 16:28:46 +0200 Subject: [PATCH 065/134] Update README.txt --- README.txt | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.txt b/README.txt index 7841baa..88f34e6 100644 --- a/README.txt +++ b/README.txt @@ -1 +1,3 @@ lkjlkjlkjhey hey + +asdsa From 9cfa8cb8c365f5021f0ed94f0d6b376b2337166c Mon Sep 17 00:00:00 2001 From: Jean Simonnet Date: Wed, 28 Sep 2022 16:33:13 +0200 Subject: [PATCH 066/134] adding jeans input --- jean.py | 3 +++ 1 file changed, 3 insertions(+) create mode 100644 jean.py diff --git a/jean.py b/jean.py new file mode 100644 index 0000000..5c5e7fd --- /dev/null +++ b/jean.py @@ -0,0 +1,3 @@ +def my_input(): + print('collaborating on Git is fun') + From 633c1d1669ba2543478b7c4fcf286ebf3abc13cc Mon Sep 17 00:00:00 2001 From: Jean Simonnet Date: Wed, 28 Sep 2022 16:39:07 +0200 Subject: [PATCH 067/134] adding jeans input --- jean.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/jean.py b/jean.py index 5c5e7fd..b26a9cb 100644 --- a/jean.py +++ b/jean.py @@ -1,3 +1,3 @@ def my_input(): print('collaborating on Git is fun') - +my_input() From ede8bdf1c6e2e5a66dc41b1399bc219ec1195a82 Mon Sep 17 00:00:00 2001 From: inner-outer-space Date: Wed, 11 Jan 2023 16:33:48 +0100 Subject: [PATCH 068/134] made a lot of changes --- jacobo.txt | 2 +- new-file1.txt | 1 - unicorns.txt | 1 + 3 files changed, 2 insertions(+), 2 deletions(-) delete mode 100644 new-file1.txt create mode 100644 unicorns.txt diff --git a/jacobo.txt b/jacobo.txt index d3f3353..bb98863 100644 --- a/jacobo.txt +++ b/jacobo.txt @@ -1 +1 @@ -Jacobo +and I have changed the text here. diff --git a/new-file1.txt b/new-file1.txt deleted file mode 100644 index 3e75765..0000000 --- a/new-file1.txt +++ /dev/null @@ -1 +0,0 @@ -new diff --git a/unicorns.txt b/unicorns.txt new file mode 100644 index 0000000..8935757 --- /dev/null +++ b/unicorns.txt @@ -0,0 +1 @@ +and some unicorns here From 805336e4cf73c8002edf8b069734a9b8be95e400 Mon Sep 17 00:00:00 2001 From: Andreas Date: Wed, 11 Jan 2023 16:33:51 +0100 Subject: [PATCH 069/134] add some stuff, delete some stuff --- somestuff.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 somestuff.txt diff --git a/somestuff.txt b/somestuff.txt new file mode 100644 index 0000000..907b308 --- /dev/null +++ b/somestuff.txt @@ -0,0 +1 @@ +blah From 4e954a8b8eff0b33361fe3c5819d651e1db6df9b Mon Sep 17 00:00:00 2001 From: WinnieCP Date: Wed, 11 Jan 2023 16:34:14 +0100 Subject: [PATCH 070/134] removed peanuts.txt and banana.txt, added fancy_file.txt --- banana.txt => fancy_file.txt | 0 peanuts.txt | 24 ------------------------ 2 files changed, 24 deletions(-) rename banana.txt => fancy_file.txt (100%) delete mode 100644 peanuts.txt diff --git a/banana.txt b/fancy_file.txt similarity index 100% rename from banana.txt rename to fancy_file.txt diff --git a/peanuts.txt b/peanuts.txt deleted file mode 100644 index 61babcd..0000000 --- a/peanuts.txt +++ /dev/null @@ -1,24 +0,0 @@ - -OO -O -O -O -OO -O - - -O -OO -O -O - - -yumm - - -OOO -oo -this is peanuts in master -PEANUT BUTTER JELLY TIME -PEANUT BUTTER JELLY TIME -PEANUT BUTTER JELLY TIME From 71180fa7da087d83ca29d39ab1dfce2f37461f97 Mon Sep 17 00:00:00 2001 From: Mounika Date: Wed, 11 Jan 2023 16:35:07 +0100 Subject: [PATCH 071/134] I committed --- somestuff.txt | 2 ++ 1 file changed, 2 insertions(+) create mode 100644 somestuff.txt diff --git a/somestuff.txt b/somestuff.txt new file mode 100644 index 0000000..1e1f6df --- /dev/null +++ b/somestuff.txt @@ -0,0 +1,2 @@ + +hello why From ff06f144f39ae57780cf61631951f3689463a9bd Mon Sep 17 00:00:00 2001 From: isa-vorkastner Date: Wed, 11 Jan 2023 16:35:45 +0100 Subject: [PATCH 072/134] new_commit --- blah.txt | 1 - newtxt.txt | 1 + 2 files changed, 1 insertion(+), 1 deletion(-) delete mode 100644 blah.txt create mode 100644 newtxt.txt diff --git a/blah.txt b/blah.txt deleted file mode 100644 index 6b40dcd..0000000 --- a/blah.txt +++ /dev/null @@ -1 +0,0 @@ -choukouloops diff --git a/newtxt.txt b/newtxt.txt new file mode 100644 index 0000000..e965047 --- /dev/null +++ b/newtxt.txt @@ -0,0 +1 @@ +Hello From daca9df5de262e3bd05096f9d733da8a4081e132 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Thu, 20 Apr 2023 16:53:10 +0200 Subject: [PATCH 073/134] Removed newFile.txt --- newFile.txt | 1 - 1 file changed, 1 deletion(-) delete mode 100644 newFile.txt diff --git a/newFile.txt b/newFile.txt deleted file mode 100644 index 3e75765..0000000 --- a/newFile.txt +++ /dev/null @@ -1 +0,0 @@ -new From 91046309c19e3b7c698a73ea03e51868e443448f Mon Sep 17 00:00:00 2001 From: Pasquale Zito Date: Thu, 20 Apr 2023 17:46:23 +0200 Subject: [PATCH 074/134] removed rice.txt --- rice_missing.txt | 1 - 1 file changed, 1 deletion(-) delete mode 100644 rice_missing.txt diff --git a/rice_missing.txt b/rice_missing.txt deleted file mode 100644 index 056b93b..0000000 --- a/rice_missing.txt +++ /dev/null @@ -1 +0,0 @@ -rice added From 0e4030b4e072ab4c7d1113933abdce78b7d97db7 Mon Sep 17 00:00:00 2001 From: Monika Date: Thu, 20 Apr 2023 17:46:28 +0200 Subject: [PATCH 075/134] some changes --- rice_missing.txt | 1 - 1 file changed, 1 deletion(-) delete mode 100644 rice_missing.txt diff --git a/rice_missing.txt b/rice_missing.txt deleted file mode 100644 index 056b93b..0000000 --- a/rice_missing.txt +++ /dev/null @@ -1 +0,0 @@ -rice added From 1a6c99905eb461f5175421af3aebf343520972a2 Mon Sep 17 00:00:00 2001 From: Michele Date: Thu, 20 Apr 2023 17:46:29 +0200 Subject: [PATCH 076/134] File added by michele --- michele_file.txt | 2 ++ 1 file changed, 2 insertions(+) create mode 100644 michele_file.txt diff --git a/michele_file.txt b/michele_file.txt new file mode 100644 index 0000000..2b308d9 --- /dev/null +++ b/michele_file.txt @@ -0,0 +1,2 @@ +This is the file I added + From f50692d93742e80afb669ff633b77ad97784f214 Mon Sep 17 00:00:00 2001 From: ARosenswie Date: Thu, 20 Apr 2023 17:46:30 +0200 Subject: [PATCH 077/134] some changes --- rice_missing.txt | 1 - trouble.md | 1 - 2 files changed, 2 deletions(-) delete mode 100644 rice_missing.txt delete mode 100644 trouble.md diff --git a/rice_missing.txt b/rice_missing.txt deleted file mode 100644 index 056b93b..0000000 --- a/rice_missing.txt +++ /dev/null @@ -1 +0,0 @@ -rice added diff --git a/trouble.md b/trouble.md deleted file mode 100644 index 55aad05..0000000 --- a/trouble.md +++ /dev/null @@ -1 +0,0 @@ -Hi huahösdfkads jfö \ No newline at end of file From b00b4dc83b1604040894a554d7df74a49b50f3e5 Mon Sep 17 00:00:00 2001 From: "katiamendesdebarros@gmail.com" Date: Thu, 20 Apr 2023 17:46:31 +0200 Subject: [PATCH 078/134] Some changes --- README.md | 2 ++ rice_missing.txt | 1 - trouble.md | 1 - 3 files changed, 2 insertions(+), 2 deletions(-) delete mode 100644 rice_missing.txt delete mode 100644 trouble.md diff --git a/README.md b/README.md index 7c6a6bf..b9ee189 100644 --- a/README.md +++ b/README.md @@ -62,9 +62,11 @@ Standard editor in Python distributions, easy to use but very basic. #### IPython A more sophisticated interactive Python command line. It incorporates tab-completion, interactive help and regular shell commands. Also look up the `%`-magic commands. + #### Spyder **Spyder** is part of the **Anaconda** Python distribution. It is a small IDE mostly for data analysis, similar to RStudio. It automatically highlights Syntax errors, contains a variable explorer, debugging functionality and other useful things. + #### Jupyter Notebooks Interactive environment for the web browser. A Jupyter notebook contains Python code, text, images and any output from your program (including plots!). It is a great tool for exploratory data analysis. diff --git a/rice_missing.txt b/rice_missing.txt deleted file mode 100644 index 056b93b..0000000 --- a/rice_missing.txt +++ /dev/null @@ -1 +0,0 @@ -rice added diff --git a/trouble.md b/trouble.md deleted file mode 100644 index 55aad05..0000000 --- a/trouble.md +++ /dev/null @@ -1 +0,0 @@ -Hi huahösdfkads jfö \ No newline at end of file From 9407a6b9807efc20ea516ec355b026f5822e042d Mon Sep 17 00:00:00 2001 From: Paul Jewell Date: Thu, 20 Apr 2023 17:46:41 +0200 Subject: [PATCH 079/134] deleted files --- newtxt.txt | 1 - rice_missing.txt | 1 - 2 files changed, 2 deletions(-) delete mode 100644 newtxt.txt delete mode 100644 rice_missing.txt diff --git a/newtxt.txt b/newtxt.txt deleted file mode 100644 index e965047..0000000 --- a/newtxt.txt +++ /dev/null @@ -1 +0,0 @@ -Hello diff --git a/rice_missing.txt b/rice_missing.txt deleted file mode 100644 index 056b93b..0000000 --- a/rice_missing.txt +++ /dev/null @@ -1 +0,0 @@ -rice added From 3eb543e2188e3ba67de2d56ceb8f51efe60eb3ff Mon Sep 17 00:00:00 2001 From: tautme Date: Thu, 20 Apr 2023 17:46:50 +0200 Subject: [PATCH 080/134] Some change at readme and delete file --- README.md | 1 + trouble.md | 1 - 2 files changed, 1 insertion(+), 1 deletion(-) delete mode 100644 trouble.md diff --git a/README.md b/README.md index 7c6a6bf..42f1cad 100644 --- a/README.md +++ b/README.md @@ -7,6 +7,7 @@ This big repo contains the teaching material for the Introduction to Python (and ## Intro in Finnish Tämä repo sisältää Suomalaisen version....This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. +## Intro in Cherokee ## Table of contents diff --git a/trouble.md b/trouble.md deleted file mode 100644 index 55aad05..0000000 --- a/trouble.md +++ /dev/null @@ -1 +0,0 @@ -Hi huahösdfkads jfö \ No newline at end of file From 965d52d0d7d3bd56c577432722db56d1a1999988 Mon Sep 17 00:00:00 2001 From: Edith Date: Thu, 20 Apr 2023 17:49:46 +0200 Subject: [PATCH 081/134] added stupid things head in readme --- README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.md b/README.md index 7c6a6bf..e78fe3b 100644 --- a/README.md +++ b/README.md @@ -139,3 +139,5 @@ This repository contains a variety of content: some developed by Amélie Anglade The third-party content is distributed under the license provided by those parties. Any derivative work respects the original licenses, and credits its initial authors. Original content developed by Amélie Anglade is distributed under the MIT license. + +## stupid things From 5ac555cb4564a2d23f79001d5bc01b461ffe5ae7 Mon Sep 17 00:00:00 2001 From: tautme Date: Thu, 20 Apr 2023 17:55:57 +0200 Subject: [PATCH 082/134] add text --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 42f1cad..9109bd4 100644 --- a/README.md +++ b/README.md @@ -8,6 +8,7 @@ This big repo contains the teaching material for the Introduction to Python (and Tämä repo sisältää Suomalaisen version....This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. ## Intro in Cherokee +ᎯᎠ ᎡᏆ ᎣᏍᏓ ᎨᏒ, ᎬᏂᎨᏒ ᎢᏧᏩᏁᏗᏱ ᎬᏂᎨᏒ ᏅᏓᏍᎩᏴᏁᎵ. ## Table of contents From 224cacc9e669f13765d6d2a94f221db5f975f55e Mon Sep 17 00:00:00 2001 From: Michele Date: Thu, 20 Apr 2023 18:03:39 +0200 Subject: [PATCH 083/134] modified readme --- README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.md b/README.md index 7c6a6bf..d279057 100644 --- a/README.md +++ b/README.md @@ -1,3 +1,5 @@ +blabla + # Intro to Python For Data Science ## Intro in English From 8162fd95bc3a62f0b6d4e13d349bb1edc0bb5174 Mon Sep 17 00:00:00 2001 From: Jonabadie Date: Fri, 30 Jun 2023 16:44:00 +0200 Subject: [PATCH 084/134] BRUH --- bruh.txt | 3 +++ 1 file changed, 3 insertions(+) create mode 100644 bruh.txt diff --git a/bruh.txt b/bruh.txt new file mode 100644 index 0000000..96410aa --- /dev/null +++ b/bruh.txt @@ -0,0 +1,3 @@ +BRUUUUUUUUUUUUUUUUUUUUUUUUUUUUUUUUH +WHAAAAAAAAAAAAAAAAAAAAAAAAAAAAT +THE FUCK BRUUUH ? From ca8a6fa9ce6fc63576b46fdc1e2d3a995ce18ff8 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Fri, 30 Jun 2023 16:44:23 +0200 Subject: [PATCH 085/134] add translation --- README.md | 3 +++ 1 file changed, 3 insertions(+) diff --git a/README.md b/README.md index fa759fb..2d216f9 100644 --- a/README.md +++ b/README.md @@ -9,6 +9,9 @@ This big repo contains the teaching material for the Introduction to Python (and ## Intro in Finnish Tämä repo sisältää Suomalaisen version....This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. +## Intro in italian +Questo repository contiene il materiale originale del corso di Python per DSR, ora esperimenti su git. + ## Intro in Cherokee ᎯᎠ ᎡᏆ ᎣᏍᏓ ᎨᏒ, ᎬᏂᎨᏒ ᎢᏧᏩᏁᏗᏱ ᎬᏂᎨᏒ ᏅᏓᏍᎩᏴᏁᎵ. From 8dc4619622936ed3d01e829c51221742fc9b76b6 Mon Sep 17 00:00:00 2001 From: AbintBabu93 <127661490+AbintBabu93@users.noreply.github.com> Date: Fri, 30 Jun 2023 16:45:21 +0200 Subject: [PATCH 086/134] added me --- README.md | 3 +++ 1 file changed, 3 insertions(+) diff --git a/README.md b/README.md index fa759fb..e49574b 100644 --- a/README.md +++ b/README.md @@ -63,6 +63,9 @@ The most basic interactive Python command line, where each line starts with a `> #### IDLE Standard editor in Python distributions, easy to use but very basic. +###ADD-ME +added add me + #### IPython A more sophisticated interactive Python command line. It incorporates tab-completion, interactive help and regular shell commands. Also look up the `%`-magic commands. From 42c8193a046b7c8e10c552691d45c4ef6914a527 Mon Sep 17 00:00:00 2001 From: xoreisele Date: Fri, 30 Jun 2023 16:47:39 +0200 Subject: [PATCH 087/134] changed readme --- README.md | 2 -- 1 file changed, 2 deletions(-) diff --git a/README.md b/README.md index fa759fb..5014676 100644 --- a/README.md +++ b/README.md @@ -1,5 +1,3 @@ -blabla - # Intro to Python For Data Science ## Intro in English From 5a5132afc5da4a065907c5370419eaef9163e8a5 Mon Sep 17 00:00:00 2001 From: MaCoZu Date: Fri, 30 Jun 2023 17:00:49 +0200 Subject: [PATCH 088/134] added file --- marco_file.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 marco_file.txt diff --git a/marco_file.txt b/marco_file.txt new file mode 100644 index 0000000..547c0b2 --- /dev/null +++ b/marco_file.txt @@ -0,0 +1 @@ +hi batch 35 From 8b7e53f98ed4d6f1e3130f0b0734c74784b090e3 Mon Sep 17 00:00:00 2001 From: daniele Date: Fri, 30 Jun 2023 17:12:27 +0200 Subject: [PATCH 089/134] add print_ciao.py --- print_ciao.py | 1 + 1 file changed, 1 insertion(+) create mode 100644 print_ciao.py diff --git a/print_ciao.py b/print_ciao.py new file mode 100644 index 0000000..cca8e56 --- /dev/null +++ b/print_ciao.py @@ -0,0 +1 @@ +print("ciao") \ No newline at end of file From b2d0fce158b93cf291fb0801502a79b5dcb759af Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Fri, 30 Jun 2023 17:17:41 +0200 Subject: [PATCH 090/134] soem trouble --- README.md | 3 +++ 1 file changed, 3 insertions(+) diff --git a/README.md b/README.md index fa759fb..0218576 100644 --- a/README.md +++ b/README.md @@ -9,6 +9,9 @@ This big repo contains the teaching material for the Introduction to Python (and ## Intro in Finnish Tämä repo sisältää Suomalaisen version....This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. +# some other change that will cause conflicts +here it is + ## Intro in Cherokee ᎯᎠ ᎡᏆ ᎣᏍᏓ ᎨᏒ, ᎬᏂᎨᏒ ᎢᏧᏩᏁᏗᏱ ᎬᏂᎨᏒ ᏅᏓᏍᎩᏴᏁᎵ. From b596e971b29086fcd1175b2157122021a261d800 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Tue, 26 Sep 2023 16:19:19 +0200 Subject: [PATCH 091/134] add current date --- README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.md b/README.md index 363d25e..66f0112 100644 --- a/README.md +++ b/README.md @@ -1,5 +1,7 @@ # Intro to Python For Data Science +Today is 2023-09-26 + ## Intro in English This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. From 6f2135412943e9d6f39042d563061d611c635705 Mon Sep 17 00:00:00 2001 From: Katja Dittrich Date: Tue, 26 Sep 2023 17:01:57 +0200 Subject: [PATCH 092/134] added new textfile --- newfile.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 newfile.txt diff --git a/newfile.txt b/newfile.txt new file mode 100644 index 0000000..6434b13 --- /dev/null +++ b/newfile.txt @@ -0,0 +1 @@ +This is a new file. From e7db049adf67a2a08bcab9002e60c7cf0f769f5b Mon Sep 17 00:00:00 2001 From: MK-Statistics Date: Tue, 26 Sep 2023 17:02:05 +0200 Subject: [PATCH 093/134] Changed README.md and added some random txt-files --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 66f0112..ce033d1 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,6 @@ # Intro to Python For Data Science -Today is 2023-09-26 +Today is 2023-09-26.. or is it? ## Intro in English This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. From cea5e8110b737429d6b05335b17b27c2e4fac8cb Mon Sep 17 00:00:00 2001 From: Michael Gerloff Date: Tue, 26 Sep 2023 17:02:43 +0200 Subject: [PATCH 094/134] removed date from README.md --- README.md | 1 - 1 file changed, 1 deletion(-) diff --git a/README.md b/README.md index 66f0112..2afebff 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,5 @@ # Intro to Python For Data Science -Today is 2023-09-26 ## Intro in English This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. From ddb8fb765bbcaefa951c8bcc9969806d5ec4e725 Mon Sep 17 00:00:00 2001 From: MK-Statistics Date: Tue, 26 Sep 2023 17:03:00 +0200 Subject: [PATCH 095/134] Added random text-files --- testtesttest.txt | 1 + testtesttest_2.txt | 1 + 2 files changed, 2 insertions(+) create mode 100644 testtesttest.txt create mode 100644 testtesttest_2.txt diff --git a/testtesttest.txt b/testtesttest.txt new file mode 100644 index 0000000..0527e6b --- /dev/null +++ b/testtesttest.txt @@ -0,0 +1 @@ +This is a test diff --git a/testtesttest_2.txt b/testtesttest_2.txt new file mode 100644 index 0000000..0527e6b --- /dev/null +++ b/testtesttest_2.txt @@ -0,0 +1 @@ +This is a test From 7c010cb900e1f83c61438976c078217a5c8f1d8b Mon Sep 17 00:00:00 2001 From: SE-Nie Date: Tue, 26 Sep 2023 17:04:22 +0200 Subject: [PATCH 096/134] remove date --- README. | 1 + README.md | 1 - 2 files changed, 1 insertion(+), 1 deletion(-) create mode 100644 README. diff --git a/README. b/README. new file mode 100644 index 0000000..8b13789 --- /dev/null +++ b/README. @@ -0,0 +1 @@ + diff --git a/README.md b/README.md index 66f0112..2afebff 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,5 @@ # Intro to Python For Data Science -Today is 2023-09-26 ## Intro in English This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. From 45778beee1a3e7b81101f2960702efbbac577d5a Mon Sep 17 00:00:00 2001 From: cbn000 <135853799+cbn000@users.noreply.github.com> Date: Tue, 26 Sep 2023 17:04:56 +0200 Subject: [PATCH 097/134] Cool commit for a cool file --- coolestReadmeEver.txt | 12 ++++++++++++ 1 file changed, 12 insertions(+) create mode 100644 coolestReadmeEver.txt diff --git a/coolestReadmeEver.txt b/coolestReadmeEver.txt new file mode 100644 index 0000000..35ad1af --- /dev/null +++ b/coolestReadmeEver.txt @@ -0,0 +1,12 @@ +Cool file, lame content. + +Seriously. + + +Totally lame. + + +... + +and it is not getting any better. + From 3e9e19b9ff28a5fcbb81528844d73c8171c64b23 Mon Sep 17 00:00:00 2001 From: care_code_connect Date: Tue, 9 Jan 2024 16:54:50 +0100 Subject: [PATCH 098/134] Added a text file --- ho_ho_ho.txt | 3 +++ 1 file changed, 3 insertions(+) create mode 100644 ho_ho_ho.txt diff --git a/ho_ho_ho.txt b/ho_ho_ho.txt new file mode 100644 index 0000000..a8dd163 --- /dev/null +++ b/ho_ho_ho.txt @@ -0,0 +1,3 @@ +ho ho ho + +:-P From 814b04ca22850880f63b835039755b26d7a15fb6 Mon Sep 17 00:00:00 2001 From: pupp37master Date: Tue, 9 Jan 2024 16:55:11 +0100 Subject: [PATCH 099/134] changed something... --- README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.md b/README.md index 2afebff..e91b372 100644 --- a/README.md +++ b/README.md @@ -1,3 +1,5 @@ +THIS LINE HAS CHANGED!!!! + # Intro to Python For Data Science From 8fd527460123fe06e93394619643e18f0888eb63 Mon Sep 17 00:00:00 2001 From: = Date: Tue, 9 Jan 2024 15:55:16 +0000 Subject: [PATCH 100/134] Some Rm change --- README.txt | 9 ++++++++- 1 file changed, 8 insertions(+), 1 deletion(-) diff --git a/README.txt b/README.txt index 88f34e6..1502d70 100644 --- a/README.txt +++ b/README.txt @@ -1,3 +1,10 @@ -lkjlkjlkjhey hey +kd;flkdsl;fkds + +sdfkl;dskfds +# + +dsfdsf# + +jlkjhey hey asdsa From 4cf043f4c887a36fc608c5b4060924783c87e3fa Mon Sep 17 00:00:00 2001 From: Arash Ghauss Date: Tue, 9 Jan 2024 16:55:32 +0100 Subject: [PATCH 101/134] Edited file, such that personal information can be added --- jacobo.txt | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/jacobo.txt b/jacobo.txt index bb98863..a95c79b 100644 --- a/jacobo.txt +++ b/jacobo.txt @@ -1 +1,3 @@ -and I have changed the text here. +Name: +Adress: +Zip Code: From b072cba49eafcdfb5114f8fb30bbf8b5d89b04ba Mon Sep 17 00:00:00 2001 From: Jutta Romberg Date: Tue, 9 Jan 2024 16:55:33 +0100 Subject: [PATCH 102/134] README change bla --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 2afebff..c745690 100644 --- a/README.md +++ b/README.md @@ -1,5 +1,5 @@ # Intro to Python For Data Science - +#bla ## Intro in English This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. From 7259c7907e09bd5b1dacf25bf02794a8a6789b93 Mon Sep 17 00:00:00 2001 From: matm01 Date: Tue, 9 Jan 2024 16:55:33 +0100 Subject: [PATCH 103/134] add lord_of_the_files --- lord_of_the_files.file | 3 +++ 1 file changed, 3 insertions(+) create mode 100644 lord_of_the_files.file diff --git a/lord_of_the_files.file b/lord_of_the_files.file new file mode 100644 index 0000000..9873e8b --- /dev/null +++ b/lord_of_the_files.file @@ -0,0 +1,3 @@ +|\/\/\/\/| +| | +---------- From c6f06e4c2907879b07949ea732f1a443fdb63d20 Mon Sep 17 00:00:00 2001 From: Marc Wagner Date: Tue, 9 Jan 2024 16:55:39 +0100 Subject: [PATCH 104/134] Add topic to README.md --- README.md | 3 +++ 1 file changed, 3 insertions(+) diff --git a/README.md b/README.md index 2afebff..8def988 100644 --- a/README.md +++ b/README.md @@ -11,6 +11,9 @@ Tämä repo sisältää Suomalaisen version....This big repo contains the teachi # some other change that will cause conflicts here it is +# new change +blablabla + ## Intro in italian Questo repository contiene il materiale originale del corso di Python per DSR, ora esperimenti su git. From b2298cbf2b24d2993193a426c2688f05f5c238fd Mon Sep 17 00:00:00 2001 From: Vinsora Date: Tue, 9 Jan 2024 16:56:23 +0100 Subject: [PATCH 105/134] change --- aaa.txt | 2 ++ 1 file changed, 2 insertions(+) diff --git a/aaa.txt b/aaa.txt index 0027abd..47cacb1 100644 --- a/aaa.txt +++ b/aaa.txt @@ -1,2 +1,4 @@ new file here Hallo world new file + +Ggg From b8adad2b342da72030fd5e53095266d31542c931 Mon Sep 17 00:00:00 2001 From: adamjasinski Date: Tue, 9 Jan 2024 16:57:41 +0100 Subject: [PATCH 106/134] Added post-earnings calculation --- pead.md | 5 +++++ 1 file changed, 5 insertions(+) create mode 100644 pead.md diff --git a/pead.md b/pead.md new file mode 100644 index 0000000..1b7e447 --- /dev/null +++ b/pead.md @@ -0,0 +1,5 @@ +# Post-Earnings Announcement Drift + +$$PEAD = \frac{SUE}{(\sqrt{var(SUE)}} * \frac{1}{N} \sum^N_{i=1} AR_i$$ + +where SUE is the standardized unexpected earnings, Var(SUE) is the variance of SUE, N is the number of firms in the sample, and AR_i​ is the abnormal return of firm i. From 02db9ab227b7f6201de3010b36fe3dbb3072614b Mon Sep 17 00:00:00 2001 From: Jordan Date: Tue, 9 Jan 2024 16:58:40 +0100 Subject: [PATCH 107/134] Added my new feature --- mynewfeature.txt | 2 ++ 1 file changed, 2 insertions(+) create mode 100644 mynewfeature.txt diff --git a/mynewfeature.txt b/mynewfeature.txt new file mode 100644 index 0000000..dc5a9ee --- /dev/null +++ b/mynewfeature.txt @@ -0,0 +1,2 @@ +Fork process: +fork, clone, new-branch, make changes, add changes, commit changes, push From 93168fdb06acb5493436b0161c2f59994024d68a Mon Sep 17 00:00:00 2001 From: Aneifer <132136730+Aneifer@users.noreply.github.com> Date: Tue, 9 Jan 2024 16:58:59 +0100 Subject: [PATCH 108/134] Some README.md changes --- README.md | 1 - 1 file changed, 1 deletion(-) diff --git a/README.md b/README.md index 2afebff..a083629 100644 --- a/README.md +++ b/README.md @@ -13,7 +13,6 @@ here it is ## Intro in italian Questo repository contiene il materiale originale del corso di Python per DSR, ora esperimenti su git. - ## Intro in Cherokee ᎯᎠ ᎡᏆ ᎣᏍᏓ ᎨᏒ, ᎬᏂᎨᏒ ᎢᏧᏩᏁᏗᏱ ᎬᏂᎨᏒ ᏅᏓᏍᎩᏴᏁᎵ. From 3e637d739e89c04cae9ca9ee0b01ca7850e815ed Mon Sep 17 00:00:00 2001 From: EILSEQ Date: Tue, 9 Apr 2024 16:02:54 +0200 Subject: [PATCH 109/134] ignore osx attribute files --- .gitignore | 2 ++ 1 file changed, 2 insertions(+) create mode 100644 .gitignore diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000..31498fa --- /dev/null +++ b/.gitignore @@ -0,0 +1,2 @@ +# MAC OS +.DS_Store \ No newline at end of file From 2543a43967520d961d1ef284d1c7bc6ab55fd355 Mon Sep 17 00:00:00 2001 From: Manish Lohani Date: Tue, 9 Apr 2024 16:21:14 +0200 Subject: [PATCH 110/134] Added a perfect german translation --- README.md | 3 +++ 1 file changed, 3 insertions(+) diff --git a/README.md b/README.md index f405fde..93662e0 100644 --- a/README.md +++ b/README.md @@ -16,6 +16,9 @@ here it is # new change blablabla +# Inro auf Deutsch +Dieses Repo ist uber der Inhalt des original Lektion. + ## Intro in italian Questo repository contiene il materiale originale del corso di Python per DSR, ora esperimenti su git. ## Intro in Cherokee From ab125dda6e9eba71d6bee826a36952c97b675fc3 Mon Sep 17 00:00:00 2001 From: MerveDemirtasGuzel Date: Tue, 9 Apr 2024 16:21:21 +0200 Subject: [PATCH 111/134] changed README.md file --- README.md | 3 +++ 1 file changed, 3 insertions(+) diff --git a/README.md b/README.md index f405fde..9b63871 100644 --- a/README.md +++ b/README.md @@ -16,6 +16,9 @@ here it is # new change blablabla +#new change 2 +merve was here + ## Intro in italian Questo repository contiene il materiale originale del corso di Python per DSR, ora esperimenti su git. ## Intro in Cherokee From 7b9a369a0cf2f661a3e995e4a7702bab44a53c50 Mon Sep 17 00:00:00 2001 From: Rahul S Date: Tue, 9 Apr 2024 16:22:49 +0200 Subject: [PATCH 112/134] with Ukrainian Translations --- README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.md b/README.md index f405fde..4da5a63 100644 --- a/README.md +++ b/README.md @@ -6,6 +6,8 @@ THIS LINE HAS CHANGED!!!! ## Intro in English This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. +## Вступ українською +Це велике сховище містить навчальний матеріал для майстер-класу «Вступ до Python» (і корисних бібліотек) на [Data Science Retreat](http://datascienceretreat.com/), воно не стосується Pandas. ## Intro in Finnish Tämä repo sisältää Suomalaisen version....This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. From dbc048e5941fb49df95b47c86ed937380f58e7eb Mon Sep 17 00:00:00 2001 From: Elyas Date: Tue, 9 Apr 2024 16:23:41 +0200 Subject: [PATCH 113/134] Added a great swahili translation --- READM.md | 4 ++++ 1 file changed, 4 insertions(+) create mode 100644 READM.md diff --git a/READM.md b/READM.md new file mode 100644 index 0000000..ccee4f6 --- /dev/null +++ b/READM.md @@ -0,0 +1,4 @@ +#German auf deutch +Translate into Swahili - Jambo habari + + From 87aec4d4553cab60d08f4ebc1221f8885c0664a6 Mon Sep 17 00:00:00 2001 From: John Heusinger Date: Tue, 9 Apr 2024 16:26:32 +0200 Subject: [PATCH 114/134] Remove stupid things --- README.md | 2 -- 1 file changed, 2 deletions(-) diff --git a/README.md b/README.md index f405fde..7568aa7 100644 --- a/README.md +++ b/README.md @@ -157,5 +157,3 @@ This repository contains a variety of content: some developed by Amélie Anglade The third-party content is distributed under the license provided by those parties. Any derivative work respects the original licenses, and credits its initial authors. Original content developed by Amélie Anglade is distributed under the MIT license. - -## stupid things From abac17e1ff8bf2878fb10eb3e37fc02d24cec8bd Mon Sep 17 00:00:00 2001 From: Cristina Melnic <103945852+cristina-v-melnic@users.noreply.github.com> Date: Wed, 26 Jun 2024 16:43:33 +0200 Subject: [PATCH 115/134] Changed the unicorns file --- unicorns.txt | 2 ++ 1 file changed, 2 insertions(+) diff --git a/unicorns.txt b/unicorns.txt index 8935757..7800d42 100644 --- a/unicorns.txt +++ b/unicorns.txt @@ -1 +1,3 @@ and some unicorns here + +unicorns are not bugs to be fixed From a62c1f0ed961e7fa971650894b087742544b47d5 Mon Sep 17 00:00:00 2001 From: hrbjoern Date: Wed, 26 Jun 2024 16:44:18 +0200 Subject: [PATCH 116/134] HB hat keine Idee --- HB_hat_keine_Idee.txt | 2 ++ 1 file changed, 2 insertions(+) create mode 100644 HB_hat_keine_Idee.txt diff --git a/HB_hat_keine_Idee.txt b/HB_hat_keine_Idee.txt new file mode 100644 index 0000000..c43181e --- /dev/null +++ b/HB_hat_keine_Idee.txt @@ -0,0 +1,2 @@ + +nee, wirklich nicht :o) From dcc4e5cb2b759d3e6433d5122b294632caa825b6 Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Wed, 26 Jun 2024 16:45:06 +0200 Subject: [PATCH 117/134] Clean up some README duplicates --- READM.md | 4 ---- README. | 1 - README.md | 5 ++--- 3 files changed, 2 insertions(+), 8 deletions(-) delete mode 100644 READM.md delete mode 100644 README. diff --git a/READM.md b/READM.md deleted file mode 100644 index ccee4f6..0000000 --- a/READM.md +++ /dev/null @@ -1,4 +0,0 @@ -#German auf deutch -Translate into Swahili - Jambo habari - - diff --git a/README. b/README. deleted file mode 100644 index 8b13789..0000000 --- a/README. +++ /dev/null @@ -1 +0,0 @@ - diff --git a/README.md b/README.md index fd02591..ccab9cc 100644 --- a/README.md +++ b/README.md @@ -1,7 +1,6 @@ -THIS LINE HAS CHANGED!!!! - # Intro to Python For Data Science -#bla + +This repo is used as a test target fr the DSR course on git ## Intro in English This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. From 21dd4cb0aa4743f509f37c82a6e9f36730012c22 Mon Sep 17 00:00:00 2001 From: Khaled Date: Wed, 26 Jun 2024 16:46:09 +0200 Subject: [PATCH 118/134] simple change --- README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index fd02591..db7aaa8 100644 --- a/README.md +++ b/README.md @@ -44,7 +44,8 @@ Questo repository contiene il materiale originale del corso di Python per DSR, o * [NumPy](#numpy) * [Matplotlib](#matplotlib) * [SciPy](#scipy) - +## Hi +Ciao ## About me Slides for this section can be found [here](https://docs.google.com/presentation/d/e/2PACX-1vTbd4eONN5nSiNaTWW3uM2RM3O0jsoVT8gQ9byqa0X5vStBZGUBfiUSM7-HegCjymaDbaUzQ-9yyvMR/pub). From b315853fce7b297f910385b34bad137fc72a0c84 Mon Sep 17 00:00:00 2001 From: Raphael Date: Tue, 10 Sep 2024 17:06:35 +0200 Subject: [PATCH 119/134] added a file --- OPENME.txt | 0 1 file changed, 0 insertions(+), 0 deletions(-) create mode 100644 OPENME.txt diff --git a/OPENME.txt b/OPENME.txt new file mode 100644 index 0000000..e69de29 From 34c7abc9bd1c7a976b69770861c40782dca67200 Mon Sep 17 00:00:00 2001 From: Joanna Kolny-Olesiak Date: Tue, 10 Sep 2024 17:10:31 +0200 Subject: [PATCH 120/134] new message --- msg.txt | 1 + 1 file changed, 1 insertion(+) diff --git a/msg.txt b/msg.txt index 4904c74..76a0c57 100644 --- a/msg.txt +++ b/msg.txt @@ -1,2 +1,3 @@ Some message which I have expanded on. +another message \ No newline at end of file From 2f85c3b652670491db41aa33689a1188303255cd Mon Sep 17 00:00:00 2001 From: Tump Date: Tue, 10 Sep 2024 17:11:02 +0200 Subject: [PATCH 121/134] changed hoho.txt --- ho_ho_ho.txt | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/ho_ho_ho.txt b/ho_ho_ho.txt index a8dd163..6b47fcc 100644 --- a/ho_ho_ho.txt +++ b/ho_ho_ho.txt @@ -1,3 +1,7 @@ ho ho ho :-P + + + +another HOHO From fad8748a99b74df9d5e57bf4dd31c8a6a127a3dd Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?=E5=A7=9C=E7=8F=8A?= Date: Tue, 10 Sep 2024 17:20:02 +0200 Subject: [PATCH 122/134] removed empty line --- coolestReadmeEver.txt | 1 - 1 file changed, 1 deletion(-) diff --git a/coolestReadmeEver.txt b/coolestReadmeEver.txt index 35ad1af..58500b1 100644 --- a/coolestReadmeEver.txt +++ b/coolestReadmeEver.txt @@ -2,7 +2,6 @@ Cool file, lame content. Seriously. - Totally lame. From dd24e0667b55de143e303480e79f30af6aca1d89 Mon Sep 17 00:00:00 2001 From: Raphael Date: Tue, 10 Sep 2024 17:25:08 +0200 Subject: [PATCH 123/134] newbranchadd --- OPENME - Kopie.txt | 0 1 file changed, 0 insertions(+), 0 deletions(-) create mode 100644 OPENME - Kopie.txt diff --git a/OPENME - Kopie.txt b/OPENME - Kopie.txt new file mode 100644 index 0000000..e69de29 From 07741d6ed91d69cb759da2c483872b7690b74b2c Mon Sep 17 00:00:00 2001 From: Alfonso H Date: Tue, 7 Jan 2025 17:28:47 +0100 Subject: [PATCH 124/134] addition to forked repo --- LegolasWhatDoYourElfEyesSee.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 LegolasWhatDoYourElfEyesSee.txt diff --git a/LegolasWhatDoYourElfEyesSee.txt b/LegolasWhatDoYourElfEyesSee.txt new file mode 100644 index 0000000..cb15601 --- /dev/null +++ b/LegolasWhatDoYourElfEyesSee.txt @@ -0,0 +1 @@ +They are taking the hobbits to Isengard!!! From d60d389f3a67fd6fe44c6b2b468e48c405ddc481 Mon Sep 17 00:00:00 2001 From: Murilo Date: Tue, 7 Jan 2025 17:28:54 +0100 Subject: [PATCH 125/134] added 1 file and deleted 1 file --- newfile.txt | 2 +- testtesttest_2.txt | 1 - 2 files changed, 1 insertion(+), 2 deletions(-) delete mode 100644 testtesttest_2.txt diff --git a/newfile.txt b/newfile.txt index 6434b13..fa49b07 100644 --- a/newfile.txt +++ b/newfile.txt @@ -1 +1 @@ -This is a new file. +new file diff --git a/testtesttest_2.txt b/testtesttest_2.txt deleted file mode 100644 index 0527e6b..0000000 --- a/testtesttest_2.txt +++ /dev/null @@ -1 +0,0 @@ -This is a test From de76e2eee587197a55bf1df487845c10595fc34f Mon Sep 17 00:00:00 2001 From: Mureji Fatunde Date: Tue, 7 Jan 2025 11:28:58 -0500 Subject: [PATCH 126/134] MFI changes --- testtesttest.txt | 1 - 1 file changed, 1 deletion(-) delete mode 100644 testtesttest.txt diff --git a/testtesttest.txt b/testtesttest.txt deleted file mode 100644 index 0527e6b..0000000 --- a/testtesttest.txt +++ /dev/null @@ -1 +0,0 @@ -This is a test From b4e99352becda9e1bcd5664d25e38ec33dc562d1 Mon Sep 17 00:00:00 2001 From: DavidePanza Date: Tue, 7 Jan 2025 17:29:10 +0100 Subject: [PATCH 127/134] removed two files --- added-on-master | 1 - testtesttest_2.txt | 1 - 2 files changed, 2 deletions(-) delete mode 100644 added-on-master delete mode 100644 testtesttest_2.txt diff --git a/added-on-master b/added-on-master deleted file mode 100644 index 91e6df1..0000000 --- a/added-on-master +++ /dev/null @@ -1 +0,0 @@ -Hello this was created on master diff --git a/testtesttest_2.txt b/testtesttest_2.txt deleted file mode 100644 index 0527e6b..0000000 --- a/testtesttest_2.txt +++ /dev/null @@ -1 +0,0 @@ -This is a test From 8c6925a74258cdffab1bbf6c79aacc582757df8e Mon Sep 17 00:00:00 2001 From: Jacopo Farina Date: Tue, 18 Mar 2025 15:18:51 +0100 Subject: [PATCH 128/134] Add note on actual content of the repo --- README.md | 7 +++++-- 1 file changed, 5 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index 288b033..fa8c02e 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,9 @@ -# Intro to Python For Data Science +# Intro to git For Data Science -This repo is used as a test target fr the DSR course on git +This repo is used as a test target for the DSR course on git. + +The original content was material for Python, hence the name, nowadays it acts as a practice target and the +Python files are vestigial. ## Intro in English This big repo contains the teaching material for the Introduction to Python (and useful libraries) masterclass at the [Data Science Retreat](http://datascienceretreat.com/), it does not cover Pandas. From 361d0beb04065e920aa6bbe057476300ba07352a Mon Sep 17 00:00:00 2001 From: Marc Haenle Date: Wed, 2 Apr 2025 17:05:15 +0200 Subject: [PATCH 129/134] added Text to README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index fa8c02e..b3f33c1 100644 --- a/README.md +++ b/README.md @@ -1,4 +1,4 @@ -# Intro to git For Data Science +# Intro to git For Data Science modified :) This repo is used as a test target for the DSR course on git. From b37baa876056c45eb32fe218b678d2ead91ee240 Mon Sep 17 00:00:00 2001 From: Kovox91 Date: Wed, 2 Apr 2025 17:05:22 +0200 Subject: [PATCH 130/134] Added List of Dogs --- pets.csv | 7 +++++++ 1 file changed, 7 insertions(+) create mode 100644 pets.csv diff --git a/pets.csv b/pets.csv new file mode 100644 index 0000000..f2310cb --- /dev/null +++ b/pets.csv @@ -0,0 +1,7 @@ +ID;Name;Age;Breed +01;Cube;6;BorderCollie +02;Eden;6;BelgianMallinois +03;Maze;4;BorderCollie +04;Halo;3;LabradorRetriever +05;Luzi;3;EuropeanSledgeHound +06;Isla;2;LabradorRetriever From 7faf29536ade3da57111d15b781cd96ad06baff5 Mon Sep 17 00:00:00 2001 From: Amol Patil Date: Wed, 2 Apr 2025 17:05:59 +0200 Subject: [PATCH 131/134] added in somestuff.txt file --- somestuff.txt | 7 ++++++- 1 file changed, 6 insertions(+), 1 deletion(-) diff --git a/somestuff.txt b/somestuff.txt index 68527e3..9f52124 100644 --- a/somestuff.txt +++ b/somestuff.txt @@ -1 +1,6 @@ -blah, hello why \ No newline at end of file +blah, hello why +sdsfs + + +this is nely added + From 479cf0e55e5c6f8a4ae1ad1cd87b2cbe6a552740 Mon Sep 17 00:00:00 2001 From: vikleu Date: Wed, 2 Apr 2025 17:06:09 +0200 Subject: [PATCH 132/134] Creation of new txt file. --- viktest.txt | 1 + 1 file changed, 1 insertion(+) create mode 100644 viktest.txt diff --git a/viktest.txt b/viktest.txt new file mode 100644 index 0000000..24e8535 --- /dev/null +++ b/viktest.txt @@ -0,0 +1 @@ +This contains some test text. \ No newline at end of file From 0670c61c9500965fcb09f98da38044556e38ac08 Mon Sep 17 00:00:00 2001 From: Lucas Rodrigues Date: Wed, 2 Apr 2025 17:06:53 +0200 Subject: [PATCH 133/134] Change to README --- README.md | 5 +++++ 1 file changed, 5 insertions(+) diff --git a/README.md b/README.md index fa8c02e..f13b4b0 100644 --- a/README.md +++ b/README.md @@ -168,3 +168,8 @@ This repository contains a variety of content: some developed by Amélie Anglade The third-party content is distributed under the license provided by those parties. Any derivative work respects the original licenses, and credits its initial authors. Original content developed by Amélie Anglade is distributed under the MIT license. + + +## New section + +New content \ No newline at end of file From 56b637c9cf65161ae49db915af2f7eb8b6219322 Mon Sep 17 00:00:00 2001 From: Mine Alsan Date: Wed, 2 Apr 2025 17:05:27 +0200 Subject: [PATCH 134/134] Modified bruh.txt --- bruh.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/bruh.txt b/bruh.txt index 96410aa..abe1f07 100644 --- a/bruh.txt +++ b/bruh.txt @@ -1,3 +1,3 @@ BRUUUUUUUUUUUUUUUUUUUUUUUUUUUUUUUUH WHAAAAAAAAAAAAAAAAAAAAAAAAAAAAT -THE FUCK BRUUUH ? +THAT IS NOT POLITE!