Code icon

The App is Under a Quick Maintenance

We apologize for the inconvenience. Please come back later

Menu iconMenu iconAlgoritmos y Estructuras de Datos con Python: Una experiencia de aprendizaje interactiva
Algoritmos y Estructuras de Datos con Python: Una experiencia de aprendizaje interactiva

Chapter 1: Python & Algorithms: An Introduction

Chapter 1: Practical Exercises of Python & Algorithms: An Introduction

1. Reflection on Algorithms

Task: Write a short essay (around 200-300 words) reflecting on why algorithms are essential in your daily life. Think about the various tasks you undertake and how algorithms, even if not in a computational sense, play a role in optimizing or structuring those tasks.

2. Python's Zen and You

Task: Explore the "Zen of Python" by typing import this in your Python interpreter. Choose three aphorisms that resonate most with you and explain why, drawing parallels with any personal experiences or projects if possible.

import this

3. Python Prototyping

Task: Design a simple algorithm (on paper or in your mind) that sorts a list of numbers in ascending order without using any built-in sorting functions. Now, prototype this algorithm in Python and test it on a sample list of numbers.

def bubble_sort(arr):
    n = len(arr)
    for i in range(n):
        swapped = False
        for j in range(0, n-i-1):
            if arr[j] > arr[j+1]:
                arr[j], arr[j+1] = arr[j+1], arr[j]
                swapped = True
        if not swapped:
            break
    return arr

sample_list = [4, 2, 8, 1, 5]
sorted_list = bubble_sort(sample_list)
print(sorted_list)

4. Visualization Challenge

Task: Use the matplotlib library (or any other visualization library of your choice) to visualize the number of iterations taken by your sorting algorithm (from exercise 3) to sort lists of varying lengths (e.g., 5, 10, 20, 50, 100 numbers). This will give you insights into the performance of your algorithm as the data size increases.

import matplotlib.pyplot as plt

def bubble_sort_visualized(arr):
    n = len(arr)
    iterations = 0
    for i in range(n):
        swapped = False
        for j in range(0, n-i-1):
            iterations += 1
            if arr[j] > arr[j+1]:
                arr[j], arr[j+1] = arr[j+1], arr[j]
                swapped = True
        if not swapped:
            break
    return iterations

lengths = [5, 10, 20, 50, 100]
iterations_taken = [bubble_sort_visualized(list(range(i, 0, -1))) for i in lengths]

plt.plot(lengths, iterations_taken, marker='o')
plt.title('Iterations taken by Bubble Sort for lists of different lengths')
plt.xlabel('List Length')
plt.ylabel('Iterations')
plt.grid(True)
plt.show()

5. Translating Python to Pseudocode

Task: Take your sorting algorithm from exercise 3 and translate it into pseudocode. This exercise will help you abstract away from Python-specific syntax and focus on the underlying logic.

6. Python and Performance

Task: Research the concept of Python's Global Interpreter Lock (GIL). Write a brief note on what the GIL is and how it can impact the performance of Python programs. Consider how this might influence the choice of Python for certain types of algorithmic tasks.

7. Community Exploration

Task: Visit GitHub and explore open-source Python projects related to algorithms. Clone a repository, run the code, and try to understand its structure. If you're feeling ambitious, contribute to the project by improving documentation, optimizing the algorithm, or even just leaving a star if you found it valuable!

Bonus: Dive into AI and Machine Learning

Task: With Python being at the forefront of AI and Machine Learning, explore a basic tutorial on using libraries like TensorFlow or scikit-learn. Implement a simple algorithm, such as a linear regression model, and reflect on the experience.

from sklearn.linear_model import LinearRegression
from sklearn.model_selection import train_test_split
from sklearn.metrics import mean_squared_error
import numpy as np

# Generate some sample data
X = np.random.rand(100, 1) * 10  # Random dataset of 100 values between 0 and 10
y = 2.5 * X + 5 + np.random.randn(100, 1) * 2  # Linear relation with some noise

# Split the data into training and testing sets
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2)

# Create a linear regression model
model = LinearRegression()
model.fit(X_train, y_train)

# Predict using the model
y_pred = model.predict(X_test)

# Calculate the mean squared error
mse = mean_squared_error(y_test, y_pred)
print(f"Mean Squared Error: {mse}")

Chapter 1: Practical Exercises of Python & Algorithms: An Introduction

1. Reflection on Algorithms

Task: Write a short essay (around 200-300 words) reflecting on why algorithms are essential in your daily life. Think about the various tasks you undertake and how algorithms, even if not in a computational sense, play a role in optimizing or structuring those tasks.

2. Python's Zen and You

Task: Explore the "Zen of Python" by typing import this in your Python interpreter. Choose three aphorisms that resonate most with you and explain why, drawing parallels with any personal experiences or projects if possible.

import this

3. Python Prototyping

Task: Design a simple algorithm (on paper or in your mind) that sorts a list of numbers in ascending order without using any built-in sorting functions. Now, prototype this algorithm in Python and test it on a sample list of numbers.

def bubble_sort(arr):
    n = len(arr)
    for i in range(n):
        swapped = False
        for j in range(0, n-i-1):
            if arr[j] > arr[j+1]:
                arr[j], arr[j+1] = arr[j+1], arr[j]
                swapped = True
        if not swapped:
            break
    return arr

sample_list = [4, 2, 8, 1, 5]
sorted_list = bubble_sort(sample_list)
print(sorted_list)

4. Visualization Challenge

Task: Use the matplotlib library (or any other visualization library of your choice) to visualize the number of iterations taken by your sorting algorithm (from exercise 3) to sort lists of varying lengths (e.g., 5, 10, 20, 50, 100 numbers). This will give you insights into the performance of your algorithm as the data size increases.

import matplotlib.pyplot as plt

def bubble_sort_visualized(arr):
    n = len(arr)
    iterations = 0
    for i in range(n):
        swapped = False
        for j in range(0, n-i-1):
            iterations += 1
            if arr[j] > arr[j+1]:
                arr[j], arr[j+1] = arr[j+1], arr[j]
                swapped = True
        if not swapped:
            break
    return iterations

lengths = [5, 10, 20, 50, 100]
iterations_taken = [bubble_sort_visualized(list(range(i, 0, -1))) for i in lengths]

plt.plot(lengths, iterations_taken, marker='o')
plt.title('Iterations taken by Bubble Sort for lists of different lengths')
plt.xlabel('List Length')
plt.ylabel('Iterations')
plt.grid(True)
plt.show()

5. Translating Python to Pseudocode

Task: Take your sorting algorithm from exercise 3 and translate it into pseudocode. This exercise will help you abstract away from Python-specific syntax and focus on the underlying logic.

6. Python and Performance

Task: Research the concept of Python's Global Interpreter Lock (GIL). Write a brief note on what the GIL is and how it can impact the performance of Python programs. Consider how this might influence the choice of Python for certain types of algorithmic tasks.

7. Community Exploration

Task: Visit GitHub and explore open-source Python projects related to algorithms. Clone a repository, run the code, and try to understand its structure. If you're feeling ambitious, contribute to the project by improving documentation, optimizing the algorithm, or even just leaving a star if you found it valuable!

Bonus: Dive into AI and Machine Learning

Task: With Python being at the forefront of AI and Machine Learning, explore a basic tutorial on using libraries like TensorFlow or scikit-learn. Implement a simple algorithm, such as a linear regression model, and reflect on the experience.

from sklearn.linear_model import LinearRegression
from sklearn.model_selection import train_test_split
from sklearn.metrics import mean_squared_error
import numpy as np

# Generate some sample data
X = np.random.rand(100, 1) * 10  # Random dataset of 100 values between 0 and 10
y = 2.5 * X + 5 + np.random.randn(100, 1) * 2  # Linear relation with some noise

# Split the data into training and testing sets
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2)

# Create a linear regression model
model = LinearRegression()
model.fit(X_train, y_train)

# Predict using the model
y_pred = model.predict(X_test)

# Calculate the mean squared error
mse = mean_squared_error(y_test, y_pred)
print(f"Mean Squared Error: {mse}")

Chapter 1: Practical Exercises of Python & Algorithms: An Introduction

1. Reflection on Algorithms

Task: Write a short essay (around 200-300 words) reflecting on why algorithms are essential in your daily life. Think about the various tasks you undertake and how algorithms, even if not in a computational sense, play a role in optimizing or structuring those tasks.

2. Python's Zen and You

Task: Explore the "Zen of Python" by typing import this in your Python interpreter. Choose three aphorisms that resonate most with you and explain why, drawing parallels with any personal experiences or projects if possible.

import this

3. Python Prototyping

Task: Design a simple algorithm (on paper or in your mind) that sorts a list of numbers in ascending order without using any built-in sorting functions. Now, prototype this algorithm in Python and test it on a sample list of numbers.

def bubble_sort(arr):
    n = len(arr)
    for i in range(n):
        swapped = False
        for j in range(0, n-i-1):
            if arr[j] > arr[j+1]:
                arr[j], arr[j+1] = arr[j+1], arr[j]
                swapped = True
        if not swapped:
            break
    return arr

sample_list = [4, 2, 8, 1, 5]
sorted_list = bubble_sort(sample_list)
print(sorted_list)

4. Visualization Challenge

Task: Use the matplotlib library (or any other visualization library of your choice) to visualize the number of iterations taken by your sorting algorithm (from exercise 3) to sort lists of varying lengths (e.g., 5, 10, 20, 50, 100 numbers). This will give you insights into the performance of your algorithm as the data size increases.

import matplotlib.pyplot as plt

def bubble_sort_visualized(arr):
    n = len(arr)
    iterations = 0
    for i in range(n):
        swapped = False
        for j in range(0, n-i-1):
            iterations += 1
            if arr[j] > arr[j+1]:
                arr[j], arr[j+1] = arr[j+1], arr[j]
                swapped = True
        if not swapped:
            break
    return iterations

lengths = [5, 10, 20, 50, 100]
iterations_taken = [bubble_sort_visualized(list(range(i, 0, -1))) for i in lengths]

plt.plot(lengths, iterations_taken, marker='o')
plt.title('Iterations taken by Bubble Sort for lists of different lengths')
plt.xlabel('List Length')
plt.ylabel('Iterations')
plt.grid(True)
plt.show()

5. Translating Python to Pseudocode

Task: Take your sorting algorithm from exercise 3 and translate it into pseudocode. This exercise will help you abstract away from Python-specific syntax and focus on the underlying logic.

6. Python and Performance

Task: Research the concept of Python's Global Interpreter Lock (GIL). Write a brief note on what the GIL is and how it can impact the performance of Python programs. Consider how this might influence the choice of Python for certain types of algorithmic tasks.

7. Community Exploration

Task: Visit GitHub and explore open-source Python projects related to algorithms. Clone a repository, run the code, and try to understand its structure. If you're feeling ambitious, contribute to the project by improving documentation, optimizing the algorithm, or even just leaving a star if you found it valuable!

Bonus: Dive into AI and Machine Learning

Task: With Python being at the forefront of AI and Machine Learning, explore a basic tutorial on using libraries like TensorFlow or scikit-learn. Implement a simple algorithm, such as a linear regression model, and reflect on the experience.

from sklearn.linear_model import LinearRegression
from sklearn.model_selection import train_test_split
from sklearn.metrics import mean_squared_error
import numpy as np

# Generate some sample data
X = np.random.rand(100, 1) * 10  # Random dataset of 100 values between 0 and 10
y = 2.5 * X + 5 + np.random.randn(100, 1) * 2  # Linear relation with some noise

# Split the data into training and testing sets
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2)

# Create a linear regression model
model = LinearRegression()
model.fit(X_train, y_train)

# Predict using the model
y_pred = model.predict(X_test)

# Calculate the mean squared error
mse = mean_squared_error(y_test, y_pred)
print(f"Mean Squared Error: {mse}")

Chapter 1: Practical Exercises of Python & Algorithms: An Introduction

1. Reflection on Algorithms

Task: Write a short essay (around 200-300 words) reflecting on why algorithms are essential in your daily life. Think about the various tasks you undertake and how algorithms, even if not in a computational sense, play a role in optimizing or structuring those tasks.

2. Python's Zen and You

Task: Explore the "Zen of Python" by typing import this in your Python interpreter. Choose three aphorisms that resonate most with you and explain why, drawing parallels with any personal experiences or projects if possible.

import this

3. Python Prototyping

Task: Design a simple algorithm (on paper or in your mind) that sorts a list of numbers in ascending order without using any built-in sorting functions. Now, prototype this algorithm in Python and test it on a sample list of numbers.

def bubble_sort(arr):
    n = len(arr)
    for i in range(n):
        swapped = False
        for j in range(0, n-i-1):
            if arr[j] > arr[j+1]:
                arr[j], arr[j+1] = arr[j+1], arr[j]
                swapped = True
        if not swapped:
            break
    return arr

sample_list = [4, 2, 8, 1, 5]
sorted_list = bubble_sort(sample_list)
print(sorted_list)

4. Visualization Challenge

Task: Use the matplotlib library (or any other visualization library of your choice) to visualize the number of iterations taken by your sorting algorithm (from exercise 3) to sort lists of varying lengths (e.g., 5, 10, 20, 50, 100 numbers). This will give you insights into the performance of your algorithm as the data size increases.

import matplotlib.pyplot as plt

def bubble_sort_visualized(arr):
    n = len(arr)
    iterations = 0
    for i in range(n):
        swapped = False
        for j in range(0, n-i-1):
            iterations += 1
            if arr[j] > arr[j+1]:
                arr[j], arr[j+1] = arr[j+1], arr[j]
                swapped = True
        if not swapped:
            break
    return iterations

lengths = [5, 10, 20, 50, 100]
iterations_taken = [bubble_sort_visualized(list(range(i, 0, -1))) for i in lengths]

plt.plot(lengths, iterations_taken, marker='o')
plt.title('Iterations taken by Bubble Sort for lists of different lengths')
plt.xlabel('List Length')
plt.ylabel('Iterations')
plt.grid(True)
plt.show()

5. Translating Python to Pseudocode

Task: Take your sorting algorithm from exercise 3 and translate it into pseudocode. This exercise will help you abstract away from Python-specific syntax and focus on the underlying logic.

6. Python and Performance

Task: Research the concept of Python's Global Interpreter Lock (GIL). Write a brief note on what the GIL is and how it can impact the performance of Python programs. Consider how this might influence the choice of Python for certain types of algorithmic tasks.

7. Community Exploration

Task: Visit GitHub and explore open-source Python projects related to algorithms. Clone a repository, run the code, and try to understand its structure. If you're feeling ambitious, contribute to the project by improving documentation, optimizing the algorithm, or even just leaving a star if you found it valuable!

Bonus: Dive into AI and Machine Learning

Task: With Python being at the forefront of AI and Machine Learning, explore a basic tutorial on using libraries like TensorFlow or scikit-learn. Implement a simple algorithm, such as a linear regression model, and reflect on the experience.

from sklearn.linear_model import LinearRegression
from sklearn.model_selection import train_test_split
from sklearn.metrics import mean_squared_error
import numpy as np

# Generate some sample data
X = np.random.rand(100, 1) * 10  # Random dataset of 100 values between 0 and 10
y = 2.5 * X + 5 + np.random.randn(100, 1) * 2  # Linear relation with some noise

# Split the data into training and testing sets
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2)

# Create a linear regression model
model = LinearRegression()
model.fit(X_train, y_train)

# Predict using the model
y_pred = model.predict(X_test)

# Calculate the mean squared error
mse = mean_squared_error(y_test, y_pred)
print(f"Mean Squared Error: {mse}")