Matched Python Tutorials and Topics


TOPIC Machine Learning

Machine Learning

Learn how to build machine learning and deep learning models for many purposes in Python using popular frameworks such as TensorFlow, PyTorch, Keras and OpenCV.

TOPIC Computer Vision

Computer Vision

Using image processing, machine learning and deep learning methods to build computer vision applications using popular frameworks such as OpenCV and TensorFlow in Python.

TOPIC Python for Multimedia

Python for Multimedia

Explore various tutorials on how you can handle multimedia files such as audio, video and images using different Python libraries such as MoviePy, OpenCV and more.

TOPIC Digital Forensics

Digital Forensics

Learn how to perform digital forensic investigations using Python, such as file metadata extraction, steganography, extracting browser data and more!

TOPIC General Python Tutorials

General Python Tutorials

Discussing wide variety of Python topics using various APIs, third party libraries, wrappers, utilities and much more.

TOPIC Finance

Finance

Learn the basics of finance and technical indicators, using Python to analyze and plot historical stock data, develop models to predict stock prices using deep learning frameworks such as TensorFlow.

TOPIC Game Development

Game Development

Build exciting games such as chess, checkers, snake and more with the Python programming language using the pygame library.

TOPIC Packet Manipulation Using Scapy

Packet Manipulation Using Scapy

Writing Scapy scripts and recipes for handling, crafting, sniffing and sending network packets in Python.

TOPIC Natural Language Processing

Natural Language Processing

Learn how to deal with analyzing, processing text and build models that can understand the human language in Python using TensorFlow and many other frameworks.

TOPIC Healthcare

Healthcare

Learn how to build and evaluate predictive models that have the power to help the doctors and transform patient outcomes in Python.

How to Use Python for Enterprise App Development
How to Use Python for Enterprise App Development

Discover how Python is shaping enterprise app development in this guide. Learn about the process from requirement analysis to deployment, the role of frameworks like Django and Flask, data management techniques, and future trends involving AI and Machine Learning. Explore why Python is essential for modern businesses.

Autoencoders for Dimensionality Reduction using TensorFlow in Python
Autoencoders for Dimensionality Reduction using TensorFlow in Python

Learn how to benefit from the encoding/decoding process of an autoencoder to extract features and also apply dimensionality reduction using Python and Keras all that by exploring the hidden values of the latent space.

Setting Up Python Environment on a Dedicated Server
Setting Up Python Environment on a Dedicated Server

A guide on how to set up a Python environment on a dedicated server. It covers essential steps including connecting to the server via SSH, updating the system, installing Python and pip, creating a virtual environment, and running Python scripts.

How to Implement 2FA in Python
How to Implement 2FA in Python

Learn how to enhance security with Python by implementing Two-Factor Authentication (2FA) using TOTP and HOTP algorithms. This comprehensive guide covers everything from generating OTPs with pyotp to integrating with authenticator apps.

How to Implement the Vigenère Cipher in Python
How to Implement the Vigenère Cipher in Python

Step-by-step guide to implementing the Vigenère Cipher in Python. Understand its mechanism, strengths, and vulnerabilities, with practical examples for encryption and decryption.

How to Manage Money with Python
How to Manage Money with Python

Explore how Python, a versatile and user-friendly programming language, enhances money management through budgeting, expense tracking, and investment analysis. This guide delves into Python's financial tools and libraries for effective financial planning and automation, ensuring secure and informed financial decisions.

Sentiment Analysis using VADER in Python
Sentiment Analysis using VADER in Python

Learn how you can easily perform sentiment analysis on text in Python using vaderSentiment library.

How to Create a Space Invaders Game in Python
How to Create a Space Invaders Game in Python

Master game development with Python in this engaging tutorial, where you'll learn how to create your own Space Invaders game using Pygame. From setting up your environment to crafting game mechanics with ships, aliens, and bullets, this guide is packed with practical steps and essential coding insights. Ideal for begin

How to Perform Text Classification in Python using Tensorflow 2 and Keras
How to Perform Text Classification in Python using Tensorflow 2 and Keras

Building deep learning models (using embedding and recurrent layers) for different text classification problems such as sentiment analysis or 20 news group classification using Tensorflow and Keras in Python

Automate Reports with Python
Automate Reports with Python

Learn how to automate report generation with Python in this article. Explore the process from environment setup to data preparation, report creation, customization, error handling, and security. Discover Python's versatility and efficiency in transforming the traditional way of preparing reports, saving time, and enhan

How to Lock PDFs in Python
How to Lock PDFs in Python

Discover how to utilize the PyPDF2 library to password-protect and encrypt PDF files, ensuring top-notch security for sensitive documents. Learn to create a secure PDF locker and adopt strong password practices for enhanced cybersecurity.

How to Build a Text Generator using TensorFlow 2 and Keras in Python
How to Build a Text Generator using TensorFlow 2 and Keras in Python

Building a deep learning model to generate human readable text using Recurrent Neural Networks (RNNs) and LSTM with TensorFlow and Keras frameworks in Python.

How to Make Malware Persistent in Python
How to Make Malware Persistent in Python

Learn how to achieve persistence for malware using Python, ensuring it remains active after system reboots. This tutorial guides you through implementing persistence techniques on both Windows and Linux systems, from modifying registry settings to setting up cron jobs.

How to View Hidden Wi-Fi Networks in Python
How to View Hidden Wi-Fi Networks in Python

Discover how to uncover hidden Wi-Fi networks using Python and Scapy. This tutorial debunks the security myth of hidden SSIDs and guides you through setting up your adapter in monitor mode to detect and log hidden networks, emphasizing practical network analysis and security assessment.

How to Use K-Means Clustering for Image Segmentation using OpenCV in Python
How to Use K-Means Clustering for Image Segmentation using OpenCV in Python

Using K-Means Clustering unsupervised machine learning algorithm to segment different parts of an image using OpenCV in Python.

How to Implement the Caesar Cipher in Python
How to Implement the Caesar Cipher in Python

Learn to code the Caesar cipher in Python and encrypt messages like Julius Caesar! This beginner-friendly tutorial covers the basics of one of history's earliest ciphers with step-by-step coding instructions. Dive into the world of ancient cryptography!

Building an Advanced Audiobook Generator with Python and ElevenLabs TTS
Building an Advanced Audiobook Generator with Python and ElevenLabs TTS

Learn to create professional audiobooks in Python with ElevenLabs’ AI text-to-speech, covering setup, voice options, and full generation.

Nearshore vs Offshore: Cost-Effective Software Development
Nearshore vs Offshore: Cost-Effective Software Development

Discover the key differences between nearshore and offshore software development. Learn which model offers the best balance of cost, quality, and collaboration for your project.

How to List Wi-Fi Networks in Python
How to List Wi-Fi Networks in Python

Discover how to effortlessly find open Wi-Fi networks around you using Python. This in-depth guide walks you through using OS commands and Python libraries to scan and list available open Wi-Fi networks on both Windows and Linux systems. Perfect for busy urban environments.

Top 9 Python Libraries For Data Scientists and Machine Learning Engineers
Top 9 Python Libraries For Data Scientists and Machine Learning Engineers

Top python libraries and modules that every data scientist and machine learning engineer must know, learn and master.

Unveiling the Power of Python in Network Engineering and Automation
Unveiling the Power of Python in Network Engineering and Automation

This article delves into how Python empowers network engineering with easy automation, efficient monitoring, enhanced security, rapid prototyping, and seamless troubleshooting, making it a cost-effective and transformative tool in the industry.

Clustering Algorithms in Machine Learning with Python
Clustering Algorithms in Machine Learning with Python

This article is a must-read for anyone looking to unlock the full potential of clustering in machine learning! It delves into the world of clustering, exploring different types such as density-based and centroid-based, and introducing lesser-known techniques like hierarchical and monothetic clustering with Python.

Non-Maximum Suppression with OpenCV and Python
Non-Maximum Suppression with OpenCV and Python

Explore the critical role of Non-Maximum Suppression (NMS) in object detection to eliminate redundant bounding boxes, ensuring precise results. This guide covers NMS's workings, the importance of Intersection-over-Union (IoU), and how to implement NMS with OpenCV in Python.

Gender Detection using OpenCV in Python
Gender Detection using OpenCV in Python

Learn how to perform gender detection on detected faces in images using OpenCV library in Python.

How to Predict Stock Prices in Python using TensorFlow 2 and Keras
How to Predict Stock Prices in Python using TensorFlow 2 and Keras

Predicting different stock prices using Long Short-Term Memory Recurrent Neural Network in Python using TensorFlow 2 and Keras.

How to Create a Pong Game in Python
How to Create a Pong Game in Python

Discover how to craft a Pong game with Python and Pygame through a comprehensive tutorial, gaining hands-on game development skills. Learn key concepts like rendering graphics, managing game state, and handling user input while bringing your code to life in this engaging guide.

How to Calculate the BLEU Score in Python
How to Calculate the BLEU Score in Python

Deep-dive into the BLEU Score: A guide to understanding BLEU (Bilingual Evaluation Understudy), a vital metric in NLP. Learn how it evaluates machine-generated sentences against human references in text summarization, translation, and more with NLTK in Python.

Age and Gender Detection using OpenCV in Python
Age and Gender Detection using OpenCV in Python

Learn how to perform age and gender detection using OpenCV library in Python with camera or image input.

How to Perform Voice Gender Recognition using TensorFlow in Python
How to Perform Voice Gender Recognition using TensorFlow in Python

Learn how to build a deep learning model that is able to detect and recognize your gender just by your voice tone using Tensorflow framework in Python.

How to Make a Pacman Game with Python
How to Make a Pacman Game with Python

Learn how to create a Pacman game using Python and Pygame with this comprehensive tutorial. Covering everything from setting up your environment, creating game characters and components, to running the game, this guide provides step-by-step instructions to build a fully functional Pacman game.

Satellite Image Classification using TensorFlow in Python
Satellite Image Classification using TensorFlow in Python

Learn how to fine-tune the current state-of-the-art EffecientNet V2 model to perform image classification on satellite data (EuroSAT) using TensorFlow in Python.

Getting Started with Python for SaaS Applications
Getting Started with Python for SaaS Applications

Learn how to build a SaaS application using Python in this comprehensive guide. From setting up your environment and choosing a framework to deploying on the cloud, this article covers everything you need to develop a scalable Python SaaS product with Django, Flask, or FastAPI.

How to Check Password Strength with Python
How to Check Password Strength with Python

Learn how to check password strength in Python using the zxcvbn library. This guide walks you through installing zxcvbn, importing necessary libraries, and creating functions to test single and multiple passwords. You'll securely input passwords and receive feedback on their strength.

How to Disconnect Devices from Wi-Fi using Scapy in Python
How to Disconnect Devices from Wi-Fi using Scapy in Python

Forcing devices to disconnect from a network by sending deauthentication frames continuously using Scapy library in Python, this is called deauthentication attack.

How to Download Torrent Files in Python
How to Download Torrent Files in Python

Using Python wrapper for qBittorrent Web API to automatically download, pause and handle torrent files in Python.

How to Generate and Read QR Code in Python
How to Generate and Read QR Code in Python

Learning how you can generate and read QR Code in Python using qrcode and OpenCV libraries.

How to Create Videos from Images in Python
How to Create Videos from Images in Python

Learn how to create videos from image arrays using Python and OpenCV, focusing on timelapses. Setting up OpenCV, using argparse for input parameters, and processing images in batches. Key steps include configuring the VideoWriter object, iterating over images to build the video, and tips for efficient memory use.

How to Detect Contours in Images using OpenCV in Python
How to Detect Contours in Images using OpenCV in Python

Learning how to detect contours in images for image segmentation, shape analysis and object detection and recognition using OpenCV in Python.

How to Perform Image Segmentation using Transformers in Python
How to Perform Image Segmentation using Transformers in Python

Learn how to use image segmentation transformer model to segment any image using huggingface transformers and PyTorch libraries in Python.

How to Build a Username Search Tool in Python
How to Build a Username Search Tool in Python

Learn how to build a Python script that checks if a given username is available or taken across popular social media sites like Instagram, Facebook, Reddit, and more using concurrent requests in Python.

How to Build a TCP Proxy with Python
How to Build a TCP Proxy with Python

Learn to build a TCP proxy in Python to intercept and analyze real-time data flow between client and server. Ideal for debugging, protocol analysis, and understanding network communication, this guide provides step-by-step implementation and practical examples.

How to Detect Gender by Name using Tkinter in Python
How to Detect Gender by Name using Tkinter in Python

Learn how to extract gender from first name using genderize.io API and build a GUI around it with Tkinter in Python.

How to Make a Password Generator in Python
How to Make a Password Generator in Python

Learn how to make a password generator in Python with the ability to choose the length of each character type using the built-in random, string and argparse modules.

How to Remove Persistent Malware in Python
How to Remove Persistent Malware in Python

Learn how to detect and remove persistent malware using Python in this step-by-step tutorial. Explore methods for automating malware removal across Windows and Linux systems by manipulating startup entries and crontab files.

How to Use Transfer Learning for Image Classification using TensorFlow in Python
How to Use Transfer Learning for Image Classification using TensorFlow in Python

Learn what is transfer learning and how to use pre trained MobileNet model for better performance to classify flowers using TensorFlow in Python.

A Comprehensive Guide to Non-Intrusive Vulnerability Testing
A Comprehensive Guide to Non-Intrusive Vulnerability Testing

The article provides an overview of the process of non-intrusive vulnerability assessment, which is a security measure used to identify and fix security flaws in networks, data, and applications. It explains the three types of vulnerabilities that need to be addressed during the process: software, network, and configur

Assembly, Disassembly and Emulation using Python
Assembly, Disassembly and Emulation using Python

Learn how to use Keystone engine, Capstone engine and Unicorn engine to assemble, disassemble and emulate machine code (ARM, x86-64 and more) in Python

How to Record your Screen in Python
How to Record your Screen in Python

Using pyautogui and OpenCV to record display screen video and save it to a file in Python.

How to Build a GUI QR Code Generator and Reader in Python
How to Build a GUI QR Code Generator and Reader in Python

Learn how to build a complete GUI QR code generator and reader program in Python using Tkinter, qrcode and OpenCV libraries.

How to Encrypt and Decrypt Files in Python
How to Encrypt and Decrypt Files in Python

Encrypting and decrypting files in Python using symmetric encryption scheme with cryptography library.

How to Make an Image Classifier in Python using Tensorflow 2 and Keras
How to Make an Image Classifier in Python using Tensorflow 2 and Keras

Building and training a model that classifies CIFAR-10 dataset images that were loaded using Tensorflow Datasets which consists of airplanes, dogs, cats and other 7 objects using Tensorflow 2 and Keras libraries in Python.

Dimensionality Reduction: Feature Extraction using Scikit-learn in Python
Dimensionality Reduction: Feature Extraction using Scikit-learn in Python

Learn how to perform different dimensionality reduction using feature extraction methods such as PCA, KernelPCA, Truncated SVD, and more using Scikit-learn library in Python.

How to Make a Currency Converter in Python
How to Make a Currency Converter in Python

Learn how to make a real-time currency converter using different ways and from various sources such as xe, yahoo finance, xrates and Fixer API in Python.

How to Implement the Affine Cipher in Python
How to Implement the Affine Cipher in Python

Discover the Affine Cipher in Python: a straightforward tutorial blending historical cryptography with modern coding, perfect for enthusiasts and programmers.

How to Paraphrase Text using Transformers in Python
How to Paraphrase Text using Transformers in Python

Explore different pre-trained transformer models in transformers library to paraphrase sentences in Python.

How to Make a Facial Recognition System in Python
How to Make a Facial Recognition System in Python

Master Python facial recognition with our step-by-step tutorial. Build real-time and image upload systems to identify faces with precision. Essential for security, attendance, and more. Perfect for beginners. Dive into the biometric tech world now!

How to Generate Fake User Data in Python
How to Generate Fake User Data in Python

Master Python's Faker library to generate and manage fake user data. Ideal for privacy protection and software testing, this tutorial covers creating a versatile program for realistic data generation, including saving options in CSV or TXT formats.

Skin Cancer Detection using TensorFlow in Python
Skin Cancer Detection using TensorFlow in Python

Learn how to use transfer learning to build a model that is able to classify benign and malignant (melanoma) skin diseases in Python using TensorFlow 2.

How to Use the Argparse Module in Python
How to Use the Argparse Module in Python

Master the argparse module in Python with this comprehensive tutorial, covering command-line applications, argument parsing, real-world examples, integration with other libraries, and best practices to create user-friendly interfaces and powerful command-line tools.

How to Extract Google Trends Data in Python
How to Extract Google Trends Data in Python

Learn how you can extract Google Trends Data such as interest by region, suggested searches, and more using pytrends unofficial library in Python.

How to Build a Sudoku Game with Python
How to Build a Sudoku Game with Python

Learn how to build your own Sudoku game in Python using Pygame with this comprehensive tutorial. Covering installation, game logic, user interface, and a timer feature, this guide is perfect for enthusiasts looking to create a functional and extendable Sudoku puzzle game.

How to Exploit Command Injection Vulnerabilities in Python
How to Exploit Command Injection Vulnerabilities in Python

Automate the detection and exploitation of OS command injection vulnerabilities using Python. This comprehensive guide covers setting up a test environment with DVWA and Metasploitable, detecting vulnerabilities, and automating tests with custom scripts.

Automated Browser Testing with Edge and Selenium in Python
Automated Browser Testing with Edge and Selenium in Python

Learn how to perform automated browser testing with Microsoft Edge browser and Selenium library in Python.

Building an AI-Driven HTTP Security Headers Analyzer with Python
Building an AI-Driven HTTP Security Headers Analyzer with Python

Build a Python tool that checks HTTP security headers and uses DeepSeek AI to provide practical insights, missing protections, and security recommendations.

How to Control your Mouse in Python
How to Control your Mouse in Python

Controlling computer mouse in python. Hooking events, registering hotkeys, simulating mouse movements and click, and much more.

How to Organize Files by Extension in Python
How to Organize Files by Extension in Python

Learn how to separate your files by extension in your target folder using Python's built-in libraries.

How to Automate Login using Selenium in Python
How to Automate Login using Selenium in Python

Learn how to use Selenium library with Chrome driver in Python to login to websites automatically as well as verifying login success.

How to Use Google Custom Search Engine API in Python
How to Use Google Custom Search Engine API in Python

Learning how to create your own Google Custom Search Engine and use its Application Programming Interface (API) in Python.

Age Detection using OpenCV in Python
Age Detection using OpenCV in Python

Learn how to predict someone's age from his front face picture using OpenCV library in Python

How to Make a Phone Number Tracker in Python
How to Make a Phone Number Tracker in Python

Learn how to build a phone number tracker in Python using phonenumbers, OpenCage and folium libraries.

How to Change Text Color in Python
How to Change Text Color in Python

Learn how to use colorama library to print colored text with different colors (such as red, green and blue) in the background and foreground and brightness in Python.

3 Best Online AI Code Generators
3 Best Online AI Code Generators

Explore the top 3 AI code generators—CodeConvert, ZZZ Code AI, and CodingFleet. Compare their features, pros, and cons to find the best tool for your coding needs, with CodingFleet leading for its advanced features and versatility.

How to Detect Shapes in Images in Python using OpenCV
How to Detect Shapes in Images in Python using OpenCV

Detecting shapes, lines and circles in images using Hough Transform technique with OpenCV in Python. Hough transform is a popular feature extraction technique to detect any shape within an image.

Why Learn Python for Data Science in 2024
Why Learn Python for Data Science in 2024

Explore why you should learn Python programming language for learning data science in 2023

Fine-tuning BERT for Semantic Textual Similarity with Transformers in Python
Fine-tuning BERT for Semantic Textual Similarity with Transformers in Python

Learn how you can fine-tune BERT or any other transformer model for semantic textual similarity using Huggingface Transformers, PyTorch and sentence-transformers libraries in Python.

How to Convert Python Files into Executables
How to Convert Python Files into Executables

Using PyInstaller package to bundle Python applications and all its dependencies into a single stand-alone executables.

Why Python Is Used for Cybersecurity
Why Python Is Used for Cybersecurity

This article delves into the importance of cybersecurity for online businesses and why Python is a go-to programming language for cybersecurity experts. It highlights Python's various benefits, such as its simplicity, extensive libraries, and versatility across platforms. The article also discusses Python's limitations

How to Extract Metadata from Docx Files in Python
How to Extract Metadata from Docx Files in Python

Learn how to extract metadata from .docx files using Python-docx, a vital skill in digital forensics for analyzing document origins and malware tactics. This guide covers installation, coding with Python, and practical metadata analysis techniques.

Building a Full-Stack RAG Chatbot with FastAPI, OpenAI, and Streamlit
Building a Full-Stack RAG Chatbot with FastAPI, OpenAI, and Streamlit

Learn to build a full-stack RAG chatbot with FastAPI, OpenAI, and Streamlit. Step-by-step guide to create a chatbot answering questions from uploaded PDFs.

A Guide to Explainable AI Using Python
A Guide to Explainable AI Using Python

An overview of model explainability and interpretability fundamentals, AI applications, and biases in AI model predictions. We looked at utilizing SHAP and LIME to explain a Logistic Regression model and how to explain and interpret an ensemble model.

Python Projects Anyone Can Contribute To
Python Projects Anyone Can Contribute To

Explore some Python open-source libraries on different topics that you can contribute to on GitHub.

Zipf's Word Frequency Plot with Python
Zipf's Word Frequency Plot with Python

Learn how to make plots with Python and matplotlib by checking texts for their word frequency distributions.

Recommender Systems using Association Rules Mining in Python
Recommender Systems using Association Rules Mining in Python

Build a recommender system for market basket analysis With association rule mining with the Online Retail dataset in Python.

YouTube Video Transcription Summarization with Python
YouTube Video Transcription Summarization with Python

Learn how to transcribe and summarize YouTube videos using Python! This tutorial covers extracting video transcripts with YouTubeTranscriptApi, processing text with NLTK, and generating AI-powered summaries using OpenRouter's Mistral model.

How to Use Proxies to Rotate IP Addresses in Python
How to Use Proxies to Rotate IP Addresses in Python

Learn how to perform web scraping at scale by preventing websites to ban your ip address while scraping them using different proxy methods in Python.

How to Convert HTML to PDF in Python
How to Convert HTML to PDF in Python

Learn how you can convert HTML pages to PDF files from an HTML file, URL or even HTML content string using wkhtmltopdf tool and its pdfkit wrapper in Python.

Image to Image Generation with Stable Diffusion in Python
Image to Image Generation with Stable Diffusion in Python

Learn how you can generate similar images with depth estimation (depth2img) using stable diffusion with huggingface diffusers and transformers libraries in Python.

Real-time Object Tracking with OpenCV and YOLOv8 in Python
Real-time Object Tracking with OpenCV and YOLOv8 in Python

Learn how to perform real-time object tracking with the DeepSORT algorithm and YOLOv8 using the OpenCV library in Python.

Named Entity Recognition using Transformers and Spacy in Python
Named Entity Recognition using Transformers and Spacy in Python

Learn how you can perform named entity recognition using HuggingFace Transformers and spaCy libraries in Python.

How to Build an Authentication System in Django
How to Build an Authentication System in Django

Learn how you can build a simple authentication system (sign up, login, and logout) using the Django framework and Bootstrap in Python.

How to Extract YouTube Comments in Python
How to Extract YouTube Comments in Python

Learn how you can monitor network traffic in the browser to write a Python script that extracts YouTube comments using requests library in Python.

SIFT Feature Extraction using OpenCV in Python
SIFT Feature Extraction using OpenCV in Python

Learn how to compute and detect SIFT features for feature matching and more using OpenCV library in Python.

How to Build a GUI Currency Converter using Tkinter in Python
How to Build a GUI Currency Converter using Tkinter in Python

Learn how to build a GUI currency converter using ExchangeRate API and Tkinter library in Python.

How to Perform Edge Detection in Python using OpenCV
How to Perform Edge Detection in Python using OpenCV

Learning how to apply edge detection in computer vision applications using canny edge detector algorithm with OpenCV in Python.

How to Send Emails in Python
How to Send Emails in Python

Learn how to use Python's standard library smtplib and email modules to connect to any SMTP server and send emails in Python automatically.

How to Generate Random Data in Python
How to Generate Random Data in Python

Generating random integers, floating point numbers, strings and bytes using random, os and secrets built-in modules in Python.

How to Make a Keylogger in Python
How to Make a Keylogger in Python

Creating and implementing a keylogger from scratch that records key strokes from keyboard and send them to email or save them as log files using Python and keyboard library.

How to Apply HOG Feature Extraction in Python
How to Apply HOG Feature Extraction in Python

Learn how to use scikit-image library to extract Histogram of Oriented Gradient (HOG) features from images in Python.

Top Python Frameworks For Web Development
Top Python Frameworks For Web Development

Discover several Python frameworks for web development, such as Django, Flask, Bottle, CherryPy and more.

Detecting Fraudulent Transactions in a Streaming App using Kafka in Python
Detecting Fraudulent Transactions in a Streaming App using Kafka in Python

Learn how to detect and filter fraudulent transactions in a streaming application using Apache Kafka with Python API.

Face Detection using OpenCV in Python
Face Detection using OpenCV in Python

Performing face detection using both Haar Cascades and Single Shot MultiBox Detector methods with OpenCV's dnn module in Python.

How to Control Generated Images by Diffusion Models via ControlNet in Python
How to Control Generated Images by Diffusion Models via ControlNet in Python

Learn how you can control images generated by stable diffusion using ControlNet with the help of Huggingface transformers and diffusers libraries in Python.

How to Make a Text Adventure Game in Python
How to Make a Text Adventure Game in Python

Learn how to make a simple text adventure game with Python using the os, json, and pyinputplus modules.

How to Find Past Wi-Fi Connections on Windows in Python
How to Find Past Wi-Fi Connections on Windows in Python

Discover how to reveal all previously connected Wi-Fi networks on a Windows computer using Python, a crucial tool in digital forensics to unearth networks thought to be forgotten but stored in the Windows Registry.

How to Transfer Files in the Network using Sockets in Python
How to Transfer Files in the Network using Sockets in Python

Writing a server and client Python scripts that receives and sends files in the network using sockets module in Python.

Image Transformations using OpenCV in Python
Image Transformations using OpenCV in Python

Learn how to perform perspective image transformation techniques such as image translation, reflection, rotation, scaling, shearing and cropping using OpenCV library in Python.

How to Make a Grep Clone in Python
How to Make a Grep Clone in Python

Learn to build your own Python-based grep tool in this concise guide, perfect for bug hunting and pen-testing. Master text pattern searches within files and streams, saving time and effort in your development tasks.

How to Make Facebook Messenger Bot in Python
How to Make Facebook Messenger Bot in Python

Making a facebook messenger chat bot in python using fbchat library, you can make customized auto messages and bots, get user information, and much more handy tools.

Text Generation with Transformers in Python
Text Generation with Transformers in Python

Learn how you can generate any type of text with GPT-2 and GPT-J transformer models with the help of Huggingface transformers library in Python.

How to Sign PDF Files in Python
How to Sign PDF Files in Python

Learn how to generate self-signed certificates and sign them into PDF files as digital signatures using PyOpenSSL and PDFNetPython3 libraries in Python.

How to Make a URL Shortener in Python
How to Make a URL Shortener in Python

Learn how to use Bitly and Cuttly APIs to shorten long URLs programmatically using requests library in Python.

How to Blur Faces in Images using OpenCV in Python
How to Blur Faces in Images using OpenCV in Python

Blurring and anonymizing faces in images and videos after performing face detection using OpenCV library in Python.

How to Handle Files in Python
How to Handle Files in Python

Learn how to work with files in Python using os and shutil modules including creating, renaming, moving, removing files and directories, listing all current files and directories and more.

How to Verify File Integrity in Python
How to Verify File Integrity in Python

Learn to protect your downloads from corruption and cyberattacks. This guide teaches you how to verify file integrity using Python, ensuring that your files remain authentic and untampered.

How to Encrypt and Decrypt PDF Files in Python
How to Encrypt and Decrypt PDF Files in Python

Learn how to add and remove passwords to PDF files using PyPDF4 library, as well as using pyAesCrypt to encrypt and decrypt PDF files in Python

How to Concatenate Audio Files in Python
How to Concatenate Audio Files in Python

Explore different methods to join two or more audio files using either MoviePy, wave and PyDub libraries in Python.

Tokenization, Stemming, and Lemmatization in Python
Tokenization, Stemming, and Lemmatization in Python

This article discusses the preprocessing steps of tokenization, stemming, and lemmatization in natural language processing. It explains the importance of formatting raw text data and provides examples of code in Python for each procedure.

How to Remove Metadata from PDFs in Python
How to Remove Metadata from PDFs in Python

Learn to safeguard privacy by removing metadata from PDFs using Python's PyPDF2 in this tutorial. Discover how metadata can expose sensitive information and how to erase it to protect confidentiality, with step-by-step code guidance and practical examples.

How to Make a DHCP Listener using Scapy in Python
How to Make a DHCP Listener using Scapy in Python

Learn how you can make a DHCP listener by sniffing DHCP packets in the network using the Scapy library in Python.

How to Build a Spam Classifier using Keras and TensorFlow in Python
How to Build a Spam Classifier using Keras and TensorFlow in Python

Classifying emails (spam or not spam) with GloVe embedding vectors and RNN/LSTM units using Keras and TensorFlow in Python.

Dimensionality Reduction Using Feature Selection in Python
Dimensionality Reduction Using Feature Selection in Python

Learn how to perform dimensionality reduction with feature selection such as recursively eliminating features, handling highly correlated features, and more using Scikit-learn in Python.

How to Perform Malaria Classification using TensorFlow 2 and Keras in Python
How to Perform Malaria Classification using TensorFlow 2 and Keras in Python

Learn how to build a deep learning malaria detection model to classify cell images to either infected or not infected with Malaria Tensorflow 2 and Keras API in Python.

How to Extract Frames from Video in Python
How to Extract Frames from Video in Python

Making two different methods to extract frames from videos with the timestamp with OpenCV or MoviePy libraries in Python.

How to Build Spyware in Python
How to Build Spyware in Python

Create a spyware in Python in this guide. Learn to build a surveillance tool that captures live video streams via a client-server architecture, with practical insights into network communication and video handling using OpenCV.

How to Perform YOLO Object Detection using OpenCV in Python
How to Perform YOLO Object Detection using OpenCV in Python

Using the state-of-the-art YOLOv8 object detection for real-time object detection, recognition and localization in Python using OpenCV, Ultralytics and PyTorch.

How to Create a Custom Wordlist in Python
How to Create a Custom Wordlist in Python

Learn how to build a custom wordlist generator with options of minimum and maximum characters, and more with itertools in Python.

How to Concatenate Video Files in Python
How to Concatenate Video Files in Python

Learn how to join two or more video files using MoviePy library in Python

How to Brute-Force SSH Servers in Python
How to Brute-Force SSH Servers in Python

Writing a Python script to brute-force SSH credentials on a SSH server using paramiko library in Python.

How to Remove Metadata from Images in Python
How to Remove Metadata from Images in Python

Learn to protect your privacy by deleting metadata from images using Python and the Pillow library in this step-by-step tutorial, perfect for enhancing security.

Keyboard module: Controlling your Keyboard in Python
Keyboard module: Controlling your Keyboard in Python

Learn how to use keyboard module in Python to take full control of your keyboard such as hooking global events, registering hotkeys, simulating key presses and releases and much more.

How to Build a Twitter (X) Bot in Python
How to Build a Twitter (X) Bot in Python

Discover how to create a Twitter bot using Python and Tweepy in this concise guide. Learn to automate tweets with a simple bot that shares dog facts hourly, and delve into setting up a Twitter Developer account, handling API keys, and using OAuth for authentication.

How to Use Hashing Algorithms in Python using hashlib
How to Use Hashing Algorithms in Python using hashlib

Using different hashing algorithms such as SHA-2, SHA-3 and BLAKE2 in Python using hashlib built-in module for data integrity.

Word Error Rate in Python
Word Error Rate in Python

Learn what is Word Error Rate (WER) metric that is widely used in Automatic Speech Recognition (ASR) and how to implement it in Python along with using third-party libraries like jiwer and evaluate.

How to Perform IP Address Spoofing in Python
How to Perform IP Address Spoofing in Python

Master IP spoofing with Python: Dive into crafting fake IP addresses to test network security. Utilize Scapy and Faker in a hands-on tutorial to send spoofed ICMP packets, complete with practical examples and step-by-step instructions.

How to Create a Zip File Locker in Python
How to Create a Zip File Locker in Python

Discover how to protect your ZIP files with a custom Python script in this tutorial. Learn to enforce strong passwords using pyzipper and safeguard your data from cyber threats. Perfect for programmers who love to DIY their security tools!

How to Record a Specific Window in Python
How to Record a Specific Window in Python

Learn how to record a specific opened window in your Windows machine using pyautogui and pygetwindow libraries in Python.

How to Play and Record Audio in Python
How to Play and Record Audio in Python

Learn how to play and record sound files using different libraries such as playsound, Pydub and PyAudio in Python.

How to Extract Weather Data from Google in Python
How to Extract Weather Data from Google in Python

Scraping Google weather search page to extract useful information such as current weather, temperature, next days' weather and much more in Python using requests and Beautiful Soup.

How to Cartoonify Images in Python
How to Cartoonify Images in Python

Learn how to cartoonify images using Python and OpenCV in this step-by-step tutorial. Transform regular photos into cartoon-like visuals with just a few lines of code. Perfect for beginners in computer vision.

How to Build a Weather App using Django in Python
How to Build a Weather App using Django in Python

Learn how you can build a Django website showing weather of any city in the world using OpenWeatherMap API in Python.

How to Get Google Page Ranking in Python
How to Get Google Page Ranking in Python

Learn how to use Google Custom Search Engine API to get the keyword position ranking of a specific page in Python.

How to Build a WiFi Scanner in Python using Scapy
How to Build a WiFi Scanner in Python using Scapy

Building a Wi-Fi scanner in Python using Scapy that finds and displays available nearby wireless networks and their MAC address, dBm signal, channel and encryption type.

How to Automate your VPS or Dedicated Server Management in Python
How to Automate your VPS or Dedicated Server Management in Python

Learning how you can automate routine tasks and manage servers on your Veesp Virtual Private Servers or dedicated servers in Python using Web APIs and requests library.

Imbalance Learning With Imblearn and Smote Variants Libraries in Python
Imbalance Learning With Imblearn and Smote Variants Libraries in Python

Learn how to overcome imbalance related problems by either undersampling or oversampling the dataset using different types and variants of smote in addition to the use of the Imblearn library in Python.

Real-Time Vehicle Detection, Tracking and Counting in Python
Real-Time Vehicle Detection, Tracking and Counting in Python

Learn how to perform vehicle detection, tracking and counting with YOLOv8 and DeepSORT using OpenCV library in Python.

Python vs. JavaScript, Which Is Better for Scraping?
Python vs. JavaScript, Which Is Better for Scraping?

Learn the pros and cons of Python and Javascript programming languages when it comes to web scraping.

How to Build a Spreadsheet App with Tkinter in Python
How to Build a Spreadsheet App with Tkinter in Python

Learn how to make a simple spreadsheet app like Excel, where cells can reference each other and make calculations using Tkinter library in Python.

How to Extract Text from PDF in Python
How to Extract Text from PDF in Python

Learn how to extract text as paragraphs line by line from PDF documents with the help of PyMuPDF library in Python.

How to Create a Reverse Shell in Python
How to Create a Reverse Shell in Python

Building a reverse shell in Python using sockets that can execute remote shell commands and send the results back to the server.

How to Build an English Dictionary App with Django in Python
How to Build an English Dictionary App with Django in Python

Learn how to build a simple dictionary application using Django web framework and PyDictionary library in Python.

How to Make a Snake Game in Python
How to Make a Snake Game in Python

Learn how to build a classic snake game using Pygame in Python. This detailed step-by-step tutorial explains how to initialize Pygame, generate food for the snake, draw game objects, update the snake's position, handle user input, and manage the game loop. Suitable for beginner to intermediate Python programmers intere

How to Create a Watchdog in Python
How to Create a Watchdog in Python

Learn how to monitor and watch your file system for events by creating a watchdog in Python with watchdog and pygtail libraries.

Crafting Dummy Packets with Scapy Using Python
Crafting Dummy Packets with Scapy Using Python

Discover how to create custom dummy packets using Python's Scapy library to simulate network traffic, test firewall rules, and monitor latency. This tutorial covers practical examples for TCP, ICMP, and UDP packets, with real-world applications in network performance monitoring.

How to Make a Barcode Reader in Python
How to Make a Barcode Reader in Python

Learn how to make a barcode scanner that decodes barcodes and draw them in the image using pyzbar and OpenCV libraries in Python

How to Make a Text Editor using Tkinter in Python
How to Make a Text Editor using Tkinter in Python

Learn how to build a simple text editor that opens and saves text files using Tkinter library in Python

Algorithmic Trading with FXCM Broker in Python
Algorithmic Trading with FXCM Broker in Python

Learn how to use the fxcmpy API in Python to perform trading operations with a demo FXCM (broker) account and learn how to do risk management using Take Profit and Stop Loss

How to Build a Password Manager in Python
How to Build a Password Manager in Python

Learn how to build a secure custom password manager using Python. This tutorial walks you through encryption, data storage, and various functionalities like adding, retrieving, and managing passwords. Elevate your online security game with some hands-on coding.

Python for Cyber Security: A Beginners Guide
Python for Cyber Security: A Beginners Guide

A guide to Cybersecurity beginners and enthusiasts who want to learn the Python programming language.

How to Plot Weather Temperature in Python
How to Plot Weather Temperature in Python

Learn how to make an interactive plot that shows the temperatures forecast in a given city with matplotlib and requests libraries in Python.

How to Create A Fork Bomb in Python
How to Create A Fork Bomb in Python

Learn how to build a fork bomb with os and multiprocessing modules in Python, a program that consumes the target computer's resources and potentially freezes it.

How to Build a Web Assistant Using Django and ChatGPT API in Python
How to Build a Web Assistant Using Django and ChatGPT API in Python

Learn how to build a web assistant application using Django framework and OpenAI's ChatGPT API in Python.

How to Use Threads for IO Tasks in Python
How to Use Threads for IO Tasks in Python

Using different methods such as thread pool executor or threading module to create and handle threads for speeding up I/O bound tasks in Python.

How to Build a CRUD App with PyQt5 and SQLite3 in Python
How to Build a CRUD App with PyQt5 and SQLite3 in Python

Learn to build a sleek, fully-functional CRUD app using PyQt5 and SQLite3 in Python. This comprehensive tutorial takes you from setting up your database to creating a stylish user interface. Ideal for those looking to transition from Tkinter and create more customizable, native-looking GUI apps.

How to Build a Custom Netcat with Python
How to Build a Custom Netcat with Python

Learn how to create a custom Python-based Netcat tool for network debugging, file transfers, and remote command execution. Perfect for networking and cybersecurity enthusiasts, this guide provides hands-on code and practical examples.

Data Cleaning with Pandas in Python
Data Cleaning with Pandas in Python

Learn how you can clean your dataset in Python using pandas, like dealing with missing values, inconsistency, out of range and duplicate values.

How to Make a Tetris Game using PyGame in Python
How to Make a Tetris Game using PyGame in Python

Master the creation of a classic Tetris game using Pygame with this step-by-step tutorial. Learn to handle game logic, user input, and rendering while building your own customizable Tetris clone in Python.

How to Make a SYN Flooding Attack in Python
How to Make a SYN Flooding Attack in Python

Learn how to use Scapy library in Python to perform a TCP SYN Flooding attack, which is a form of denial of service attacks.

5 Steps to Mastering Data Preprocessing with Python
5 Steps to Mastering Data Preprocessing with Python

The article is a guide on data preprocessing with Python for machine learning, covering importing libraries, understanding data, handling missing data, data transformation, and encoding categorical data. It includes practical Python examples for each stage.

Why use Python for Data Analysis
Why use Python for Data Analysis

Learn what a Data Analyst is and what you should know when using Python programming language for data analysis.

How to Replace Text in Docx Files in Python
How to Replace Text in Docx Files in Python

Learn how to replace text in Word document files (.docx) using python-docx library in Python.

How to Make a Language Detector in Python
How to Make a Language Detector in Python

Explore different libraries for detecting natural languages such as langdetect, langid, googletrans, and language-detector in Python.

How to Make a Port Scanner in Python
How to Make a Port Scanner in Python

Learn how to write a port scanner in Python using sockets, starting with a simple port scanner and then diving deeper to a threaded version of a port scanner that is reliable for use.

How to Generate SVG Country Maps in Python
How to Generate SVG Country Maps in Python

Learn how to use the GADM API to make SVG maps of all world countries in Python.

How to Make a Subdomain Scanner in Python
How to Make a Subdomain Scanner in Python

Learning how to build a Python script to scan for subdomains of a given domain using requests library.

How to Perform DNS Enumeration in Python
How to Perform DNS Enumeration in Python

Learn how you can extract DNS information of a domain name such as nameservers, IP addresses, email services and more using dnspython library in Python.

Visual Question Answering with Transformers in Python
Visual Question Answering with Transformers in Python

Learn the current state-of-the-art models (such as BLIP, GIT, and BLIP2) for visual question answering with huggingface transformers library in Python.

How to Create Plots with Plotly In Python
How to Create Plots with Plotly In Python

Learn how to use the visualization tool Plotly to implement and create dynamic plots and figures (such as scatters, histograms, and candlesticks) in Python.

How to Make a Bluetooth Device Scanner in Python
How to Make a Bluetooth Device Scanner in Python

Master Bluetooth device scanning with Python: A concise tutorial on using PyBluez for discovering and analyzing nearby Bluetooth devices, essential for cybersecurity and ethical hacking.

How to Read Emails in Python
How to Read Emails in Python

Learn how you can use IMAP protocol to extract, parse and read emails from outlook, aol, office 365 and other email providers as well as downloading attachments using imaplib module in Python.

How to Create Fake Access Points using Scapy in Python
How to Create Fake Access Points using Scapy in Python

Creating fake access points and fooling nearby devices by sending valid beacon frames to the air using scapy in python.

How to Add Sound Effects to your Python Game
How to Add Sound Effects to your Python Game

Enhance your Python games with sound effects using Pygame. This tutorial covers installing Pygame, loading sounds, and incorporating audio feedback into games like Flappy Bird.

How to Generate Images from Text using Stable Diffusion in Python
How to Generate Images from Text using Stable Diffusion in Python

Learn how to perform text-to-image using stable diffusion models with the help of huggingface transformers and diffusers libraries in Python.

How to Make a Ransomware in Python
How to Make a Ransomware in Python

Learn how to build a ransomware using symmetric encryption (AES algorithm) with the help of cryptography library in Python.

How to Make a Chat Application in Python
How to Make a Chat Application in Python

Learn how to build a simple chat room application that accepts multiple connected clients using built-in's sockets and threading libraries in Python.

How to Use Gmail API in Python
How to Use Gmail API in Python

Learn how to use Gmail API to send emails, search for emails by query, delete emails, mark emails as read or unread in Python.

How to Build a Complete CRUD App using Flask and Jinja2 in Python
How to Build a Complete CRUD App using Flask and Jinja2 in Python

Learn how to build the frontend of a CRUD application using Flask, Jinja2, Bootstrap and SQLAlchemy libraries in Python.

Conversational AI Chatbot with Transformers in Python
Conversational AI Chatbot with Transformers in Python

Learn how to use Huggingface transformers library to generate conversational responses with the pretrained DialoGPT model in Python.

How to Detect ARP Spoof Attack using Scapy in Python
How to Detect ARP Spoof Attack using Scapy in Python

Writing a simple Python script using Scapy that identifies and detects an ARP spoof attack in the network.

How to Convert Text to Speech in Python
How to Convert Text to Speech in Python

Learn how you to perform speech synthesis by converting text to speech both online and offline using gTTS, pyttsx3, openai or huggingface transformers libraries in Python.

Credit Card Fraud Detection in Python
Credit Card Fraud Detection in Python

Learn how to build a model that is able to detect fraudulent credit card transactions with high accuracy, recall and F1 score using Scikit-learn in Python.

How to Convert HTML Tables into CSV Files in Python
How to Convert HTML Tables into CSV Files in Python

Extracting HTML tables using requests and beautiful soup and then saving it as CSV file or any other format in Python.

How to Extract Text from Images in PDF Files with Python
How to Extract Text from Images in PDF Files with Python

Learn how to leverage tesseract, OpenCV, PyMuPDF and many other libraries to extract text from images in PDF files with Python

Handling Imbalanced Datasets: A Case Study with Customer Churn
Handling Imbalanced Datasets: A Case Study with Customer Churn

Learn how to handle one of the main data science common problems, which are imbalanced datasets, how to deal with them using SMOTE, tweaking class weights, and resampling in Python.

How to Extract YouTube Data using YouTube API in Python
How to Extract YouTube Data using YouTube API in Python

Learn how to extract YouTube data including video and channel details, searching by keyword or channel and extracting comments with YouTube API in Python.

Speech Recognition in Python
Speech Recognition in Python

Learn how to do Automatic Speech Recognition (ASR) using APIs and/or directly performing Whisper inference on Transformers in Python

Steganography: How to Hide Data in Images in Python
Steganography: How to Hide Data in Images in Python

Learning how to hide secret data in images using Steganography least significant bit technique in Python using OpenCV and Numpy.

How to Crack the Affine Cipher in Python
How to Crack the Affine Cipher in Python

Learn to crack the Affine Cipher in Python with this step-by-step guide. Explore classical cryptography, understand modular arithmetic and linear algebra in encryption, and master brute force decryption with practical Python code.