Python | Machine Learning | Coding | R
67.2K subscribers
1.25K photos
89 videos
153 files
903 links
Help and ads: @hussein_sheikho

Discover powerful insights with Python, Machine Learning, Coding, and R—your essential toolkit for data-driven solutions, smart alg

List of our channels:
https://t.me/addlist/8_rRW2scgfRhOTc0

https://telega.io/?r=nikapsOH
Download Telegram
💡 Building a Simple Convolutional Neural Network (CNN)

Constructing a basic Convolutional Neural Network (CNN) is a fundamental step in deep learning for image processing. Using TensorFlow's Keras API, we can define a network with convolutional, pooling, and dense layers to classify images. This example sets up a simple CNN to recognize handwritten digits from the MNIST dataset.

import tensorflow as tf
from tensorflow.keras import layers, models
from tensorflow.keras.datasets import mnist
import numpy as np

# 1. Load and preprocess the MNIST dataset
(train_images, train_labels), (test_images, test_labels) = mnist.load_data()

# Reshape images for CNN: (batch_size, height, width, channels)
# MNIST images are 28x28 grayscale, so channels = 1
train_images = train_images.reshape((60000, 28, 28, 1)).astype('float32') / 255
test_images = test_images.reshape((10000, 28, 28, 1)).astype('float32') / 255

# 2. Define the CNN architecture
model = models.Sequential()

# First Convolutional Block
model.add(layers.Conv2D(32, (3, 3), activation='relu', input_shape=(28, 28, 1)))
model.add(layers.MaxPooling2D((2, 2)))

# Second Convolutional Block
model.add(layers.Conv2D(64, (3, 3), activation='relu'))
model.add(layers.MaxPooling2D((2, 2)))

# Flatten the 3D output to 1D for the Dense layers
model.add(layers.Flatten())

# Dense (fully connected) layers
model.add(layers.Dense(64, activation='relu'))
model.add(layers.Dense(10, activation='softmax')) # Output layer for 10 classes (digits 0-9)

# 3. Compile the model
model.compile(optimizer='adam',
loss='sparse_categorical_crossentropy',
metrics=['accuracy'])

# Print a summary of the model layers
model.summary()

# 4. Train the model (uncomment to run training)
# print("\nTraining the model...")
# model.fit(train_images, train_labels, epochs=5, batch_size=64, validation_split=0.1)

# 5. Evaluate the model (uncomment to run evaluation)
# print("\nEvaluating the model...")
# test_loss, test_acc = model.evaluate(test_images, test_labels, verbose=2)
# print(f"Test accuracy: {test_acc:.4f}")


Code explanation: This script defines a simple CNN using Keras. It loads and normalizes MNIST images. The Sequential model adds Conv2D layers for feature extraction, MaxPooling2D for downsampling, a Flatten layer to transition to 1D, and Dense layers for classification. The model is then compiled with an optimizer, loss function, and metrics, and a summary of its architecture is printed. Training and evaluation steps are included as commented-out examples.

#Python #DeepLearning #CNN #Keras #TensorFlow

━━━━━━━━━━━━━━━
By: @CodeProgrammer
12
Matplotlib_cheatsheet.pdf
3.1 MB
🔥 Huge cheat sheet for plotting in Matplotlib with code examples

📊 Matplotlib is a powerful plotting library in Python used for creating static, animated, and interactive visualizations.

Main features of Matplotlib:
💬 Versatility: can generate a wide range of plots including line plots, scatter plots, bar charts, histograms, and pie charts.

💬 Customization: offers extensive options to control every aspect of the plot such as line styles, colors, markers, labels, and annotations.

💬 Integration with NumPy: easily integrates with NumPy, simplifying plotting of data arrays directly.

💬 Publication quality: creates high-quality plots suitable for publication, with precise control over aesthetics.

💬 Extensibility: easily extended with a large ecosystem of additional toolkits and extensions, such as Seaborn and Pandas plotting functions.

💬 Cross-platform: platform-independent and can run on various operating systems including Windows, macOS, and Linux.

💬 Interactive plots: supports interactive plotting with widgets and event handling, allowing users to dynamically explore data.

#doc #cheatsheet #PythonTips

Matplotlib Cheatsheet (⭐️⭐️⭐️⭐️⭐️)

https://t.me/CodeProgrammer 😡
Please open Telegram to view this post
VIEW IN TELEGRAM
3👍1
🔥 A huge collection of the 17 best GitHub repositories for learning Python.

Perfect for those who want to level up from print('Hello') to advanced projects.


😰 Let's go:
1. 30-Days-Of-Python — a 30-day Python challenge covering the basics of the language.

2. Python Basics — simple and clear Python basics for beginners.

3. Learn Python — a topic-based guide with examples and code.

4. Python Guide — best practices, tools, and advanced topics.

5. Learn Python 3 — an easy-to-understand guide to Python 3 with practice.

6. Python Programming Exercises — 100+ Python exercises.

7. Coding Problems — algorithmic problems, perfect for interview prep.

8. Project-Based-Learning — learn Python through real projects.

9. Projects — ideas for practical projects and skill improvement.

10. 100-Days-Of-ML-Code — a step-by-step guide to Machine Learning in Python.

11. TheAlgorithms/Python — a huge collection of algorithms in Python.

12. Amazing-Python-Scripts — useful scripts from automation to advanced utilities.

13. Geekcomputers/Python — a collection of practical scripts: networking, files, automation.

14. Materials — code, exercises, and projects from Real Python.

15. Awesome Python — a top list of the best frameworks and libraries.

16. 30-Seconds-of-Python — short snippets for quick solutions.

17. Python Reference — life hacks, tutorials, and useful scripts.

👍 Save this so you don't have to search again.

#python #doc #github #soft
Please open Telegram to view this post
VIEW IN TELEGRAM
6👍2🔥1