Data Science Jupyter Notebooks
11K subscribers
269 photos
31 videos
9 files
726 links
Explore the world of Data Science through Jupyter Notebooksβ€”insights, tutorials, and tools to boost your data journey. Code, analyze, and visualize smarter with every post.
Download Telegram
πŸš€ New Tutorial: Automatic Number Plate Recognition (ANPR) with YOLOv11 + GPT-4o-mini!


This hands-on tutorial shows you how to combine the real-time detection power of YOLOv11 with the language understanding of GPT-4o-mini to build a smart, high-accuracy ANPR system! From setup to smart prompt engineering, everything is covered step-by-step. πŸš—πŸ’‘

🎯 Key Highlights:
βœ… YOLOv11 + GPT-4o-mini = High-precision number plate recognition
βœ… Real-time video processing in Google Colab
βœ… Smart prompt engineering for enhanced OCR performance

πŸ“’ A must-watch if you're into computer vision, deep learning, or OpenAI integrations!


πŸ”— Colab Notebook
▢️ Watch on YouTube


#YOLOv11 #GPT4o #OpenAI #ANPR #OCR #ComputerVision #DeepLearning #AI #DataScience #Python #Ultralytics #MachineLearning #Colab #NumberPlateRecognition

πŸ” By : https://t.iss.one/DataScienceN
πŸ‘2❀1πŸ”₯1
π‘―π’π’Žπ’π’ˆπ’“π’‚π’‘π’‰π’š 𝒂𝒏𝒅 π‘²π’†π’šπ’‘π’π’Šπ’π’• 𝒇𝒐𝒓 𝑭𝒐𝒐𝒕𝒃𝒂𝒍𝒍 π‘¨π’π’‚π’π’šπ’•π’Šπ’„π’” βš½οΈπŸ“

πŸš€ Highlighting the latest strides in football field analysis using computer vision, this post shares a single frame from our video that demonstrates how homography and keypoint detection combine to produce precise minimap overlays. 🧠🎯

🧩 At the heart of this project lies the refinement of field keypoint extraction. Our experiments show a clear link between both the number and accuracy of detected keypoints and the overall quality of the minimap. πŸ—ΊοΈ
πŸ“Š Enhanced keypoint precision leads to a more reliable homography transformation, resulting in a richer, more accurate tactical view. βš™οΈβš‘

πŸ† For this work, we leveraged the championship-winning keypoint detection model from the SoccerNet Calibration Challenge:

πŸ“ˆ Implementing and evaluating this state‑of‑the‑art solution has deepened our appreciation for keypoint‑driven approaches in sports analytics. πŸ“ΉπŸ“Œ

πŸ”— https://lnkd.in/em94QDFE

πŸ“‘ By: https://t.iss.one/DataScienceN


#ObjectDetection hashtag#DeepLearning hashtag#Detectron2 hashtag#ComputerVision hashtag#AI
hashtag#Football hashtag#SportsTech hashtag#MachineLearning hashtag#ComputerVision hashtag#AIinSports
hashtag#FutureOfFootball hashtag#SportsAnalytics
hashtag#TechInnovation hashtag#SportsAI hashtag#AIinFootball hashtag#AI hashtag#AIandSports hashtag#AIandSports
hashtag#FootballAnalytics hashtag#python hashtag#ai hashtag#yolo hashtag
πŸ‘4❀1πŸ”₯1
This media is not supported in your browser
VIEW IN TELEGRAM
πŸš€ CoMotion: Concurrent Multi-person 3D Motion πŸšΆβ€β™‚οΈπŸšΆβ€β™€οΈ

Introducing CoMotion, a project that detects and tracks detailed 3D poses of multiple people using a single monocular camera stream. This system maintains temporally coherent predictions in crowded scenes filled with difficult poses and occlusions, enabling online tracking through frames with high accuracy.

πŸ” Key Features:
- Precise detection and tracking in crowded scenes
- Temporal coherence even with occlusions
- High accuracy in tracking multiple people over time

🎁 Access the code and weights here:
πŸ”— Code & Weights 
πŸ”— View Project

This project advances 3D human motion tracking by offering faster and more accurate tracking of multiple individuals compared to existing systems.

#AI #DeepLearning #3DTracking #ComputerVision #PoseEstimation

πŸŽ™ By: https://t.iss.one/DataScienceN
Please open Telegram to view this post
VIEW IN TELEGRAM
πŸ‘2πŸ”₯1
🎯 Trackers Library is Officially Released! πŸš€

If you're working in computer vision and object tracking, this one's for you!

πŸ’‘ Trackers is a powerful open-source library with support for a wide range of detection models and tracking algorithms:

βœ… Plug-and-play compatibility with detection models from:
Roboflow Inference, Hugging Face Transformers, Ultralytics, MMDetection, and more!

βœ… Tracking algorithms supported:
SORT, DeepSORT, and advanced trackers like StrongSORT, BoT‑SORT, ByteTrack, OC‑SORT – with even more coming soon!

🧩 Released under the permissive Apache 2.0 license – free for everyone to use and contribute.

πŸ‘ Huge thanks to Piotr Skalski for co-developing this library, and to Raif Olson and Onuralp SEZER for their outstanding contributions!

πŸ“Œ Links:
πŸ”— GitHub
πŸ”— Docs


πŸ“š Quick-start notebooks for SORT and DeepSORT are linked πŸ‘‡πŸ»
https://www.linkedin.com/posts/skalskip92_trackers-library-is-out-plugandplay-activity-7321128111503253504-3U6-?utm_source=share&utm_medium=member_desktop&rcm=ACoAAEXwhVcBcv2n3wq8JzEai3TfWmKLRLTefYo


#ComputerVision #ObjectTracking #OpenSource #DeepLearning #AI


πŸ“‘ By: https://t.iss.one/DataScienceN
πŸ‘4❀1πŸ”₯1
πŸš€ The new HQ-SAM (High-Quality Segment Anything Model) has just been added to the Hugging Face Transformers library!

This is an enhanced version of the original SAM (Segment Anything Model) introduced by Meta in 2023. HQ-SAM significantly improves the segmentation of fine and detailed objects, while preserving all the powerful features of SAM β€” including prompt-based interaction, fast inference, and strong zero-shot performance. That means you can easily switch to HQ-SAM wherever you used SAM!

The improvements come from just a few additional learnable parameters. The authors collected a high-quality dataset with 44,000 fine-grained masks from various sources, and impressively trained the model in just 4 hours using 8 GPUs β€” all while keeping the core SAM weights frozen.

The newly introduced parameters include:

* A High-Quality Token
* A Global-Local Feature Fusion mechanism

This work was presented at NeurIPS 2023 and still holds state-of-the-art performance in zero-shot segmentation on the SGinW benchmark.

πŸ“„ Documentation: https://lnkd.in/e5iDT6Tf
🧠 Model Access: https://lnkd.in/ehS6ZUyv
πŸ’» Source Code: https://lnkd.in/eg5qiKC2



#ArtificialIntelligence #ComputerVision #Transformers #Segmentation #DeepLearning #PretrainedModels #ResearchAndDevelopment #AdvancedModels #ImageAnalysis #HQ_SAM #SegmentAnything #SAMmodel #ZeroShotSegmentation #NeurIPS2023 #AIresearch #FoundationModels #OpenSourceAI #SOTA

🌟
https://t.iss.one/DataScienceN
❀2πŸ‘2πŸ”₯1
πŸ”₯Powerful Combo: Ultralytics YOLO11 + Sony Semicon | AITRIOS (Global) Platform + Raspberry Pi
We’ve recently updated our Sony IMX model export to fully support YOLO11n detection models! This means you can now seamlessly run YOLO11n models directly on Raspberry Pi AI Cameras powered by the Sony IMX500 sensor β€” making it even easier to develop advanced Edge AI applications. πŸ’‘
To test this new export workflow, I trained a model on the VisDrone dataset and exported it using the following command:
πŸ‘‰
yolo export model=<path_to_drone_model> format=imx data=VisDrone.yaml
πŸŽ₯ The video below shows the result of this process!
πŸ”Benchmark results for YOLO11n on IMX500:βœ… Inference Time: 62.50 msβœ… mAP50-95 (B): 0.644πŸ“Œ Want to learn more about YOLO11 and Sony IMX500? Check it out here ➑️
https://docs.ultralytics.com/integrations/sony-imx500/

#EdgeAI#YOLO11#SonyIMX500#AITRIOS#ObjectDetection#RaspberryPiAI#ComputerVision#DeepLearning#OnDeviceAI#ModelDeployment

🌟https://t.iss.one/DataScienceN
πŸ‘1πŸ”₯1
This media is not supported in your browser
VIEW IN TELEGRAM
πŸ’ƒ GENMO: Generalist Human Motion by NVIDIA πŸ’ƒ

NVIDIA introduces GENMO, a unified generalist model for human motion that seamlessly combines motion estimation and generation within a single framework. GENMO supports conditioning on videos, 2D keypoints, text, music, and 3D keyframes, enabling highly versatile motion understanding and synthesis.

Currently, no official code release is available.

Review:
https://t.ly/Q5T_Y

Paper:
https://lnkd.in/ds36BY49

Project Page:
https://lnkd.in/dAYHhuFU

#NVIDIA #GENMO #HumanMotion #DeepLearning #AI #ComputerVision #MotionGeneration #MachineLearning #MultimodalAI #3DReconstruction


βœ‰οΈ Our Telegram channels: https://t.iss.one/addlist/0f6vfFbEMdAwODBk

πŸ“± Our WhatsApp channel: https://whatsapp.com/channel/0029VaC7Weq29753hpcggW2A
Please open Telegram to view this post
VIEW IN TELEGRAM
πŸ‘3
πŸ“š JaidedAI/EasyOCR β€” an open-source Python library for Optical Character Recognition (OCR) that's easy to use and supports over 80 languages out of the box.

### πŸ” Key Features:

πŸ”Έ Extracts text from images and scanned documents β€” including handwritten notes and unusual fonts
πŸ”Έ Supports a wide range of languages like English, Russian, Chinese, Arabic, and more
πŸ”Έ Built on PyTorch β€” uses modern deep learning models (not the old-school Tesseract)
πŸ”Έ Simple to integrate into your Python projects

### βœ… Example Usage:

import easyocr

reader = easyocr.Reader(['en', 'ru']) # Choose supported languages
result = reader.readtext('image.png')


### πŸ“Œ Ideal For:

βœ… Text extraction from photos, scans, and documents
βœ… Embedding OCR capabilities in apps (e.g. automated data entry)

πŸ”— GitHub: https://github.com/JaidedAI/EasyOCR

πŸ‘‰ Follow us for more: @DataScienceN

#Python #OCR #MachineLearning #ComputerVision #EasyOCR
❀2πŸ”₯1
This media is not supported in your browser
VIEW IN TELEGRAM
🧹 ObjectClear β€” an AI-powered tool for removing objects from images effortlessly.

βš™οΈ What It Can Do:

πŸ–ΌοΈ Upload any image
🎯 Select the object you want to remove
🌟 The model automatically erases the object and intelligently reconstructs the background

⚑️ Under the Hood:

β€” Uses Segment Anything (SAM) by Meta for object segmentation
β€” Leverages Inpaint-Anything for realistic background generation
β€” Works in your browser with an intuitive Gradio UI

βœ”οΈ Fully open-source and can be run locally.

πŸ“Ž GitHub: https://github.com/zjx0101/ObjectClear

#AI #ImageEditing #ComputerVision #Gradio #OpenSource #Python
Please open Telegram to view this post
VIEW IN TELEGRAM
❀2πŸ”₯1
In Python, building AI-powered Telegram bots unlocks massive potential for image generation, processing, and automationβ€”master this to create viral tools and ace full-stack interviews! πŸ€–

# Basic Bot Setup - The foundation (PTB v20+ Async)
from telegram.ext import Application, CommandHandler, MessageHandler, filters

async def start(update, context):
await update.message.reply_text(
"✨ AI Image Bot Active!\n"
"/generate - Create images from text\n"
"/enhance - Improve photo quality\n"
"/help - Full command list"
)

app = Application.builder().token("YOUR_BOT_TOKEN").build()
app.add_handler(CommandHandler("start", start))
app.run_polling()


# Image Generation - DALL-E Integration (OpenAI)
import openai
from telegram.ext import ContextTypes

openai.api_key = os.getenv("OPENAI_API_KEY")

async def generate(update: Update, context: ContextTypes.DEFAULT_TYPE):
if not context.args:
await update.message.reply_text("❌ Usage: /generate cute robot astronaut")
return

prompt = " ".join(context.args)
try:
response = openai.Image.create(
prompt=prompt,
n=1,
size="1024x1024"
)
await update.message.reply_photo(
photo=response['data'][0]['url'],
caption=f"🎨 Generated: *{prompt}*",
parse_mode="Markdown"
)
except Exception as e:
await update.message.reply_text(f"πŸ”₯ Error: {str(e)}")

app.add_handler(CommandHandler("generate", generate))


Learn more: https://hackmd.io/@husseinsheikho/building-AI-powered-Telegram-bots

#Python #TelegramBot #AI #ImageGeneration #StableDiffusion #OpenAI #MachineLearning #CodingInterview #FullStack #Chatbots #DeepLearning #ComputerVision #Programming #TechJobs #DeveloperTips #CareerGrowth #CloudComputing #Docker #APIs #Python3 #Productivity #TechTips


https://t.iss.one/DataScienceM 🦾
Please open Telegram to view this post
VIEW IN TELEGRAM
❀4
#YOLOv8 #ComputerVision #ObjectDetection #Python #AI

Audience Analysis with YOLOv8: Counting People & Estimating Gender Ratios

This lesson demonstrates how to use the YOLOv8 model to perform a computer vision task: analyzing an image of a crowd to count the total number of people and estimate the ratio of men to women.

---

Step 1: Setup and Installation

First, we need to install the necessary libraries. ultralytics for the YOLOv8 model, opencv-python for image manipulation, and cvlib for a simple, pre-trained gender classification model.

#Setup #Installation

# Open your terminal or command prompt and run:
pip install ultralytics opencv-python cvlib tensorflow


---

Step 2: Loading Models and Image

We will load two models: the official YOLOv8 model pre-trained for object detection, and we'll use cvlib for gender detection. We also need to load the image we want to analyze. Make sure you have an image named crowd.jpg in the same directory.

#DataLoading #Model

import cv2
from ultralytics import YOLO
import cvlib as cv
import numpy as np

# Load the YOLOv8 model (pre-trained on COCO dataset)
model = YOLO('yolov8n.pt')

# Load the image
image_path = 'crowd.jpg' # Make sure this image exists
img = cv2.imread(image_path)

# Check if the image was loaded correctly
if img is None:
print(f"Error: Could not load image from {image_path}")
else:
print("Image and YOLOv8 model loaded successfully.")


---

Step 3: Person Detection with YOLOv8

Now, we'll run the YOLOv8 model on our image to detect all objects and then filter those results to keep only the ones identified as a 'person'.

#PersonDetection #Inference

# Run inference on the image
results = model(img)

# A list to store the bounding boxes of detected people
person_boxes = []

# Process the results
for result in results:
boxes = result.boxes
for box in boxes:
# Get class id and check if it's a person (class 0 in COCO)
if model.names[int(box.cls)] == 'person':
# Get bounding box coordinates
x1, y1, x2, y2 = map(int, box.xyxy[0])
person_boxes.append((x1, y1, x2, y2))

# Print the total number of people found
total_people = len(person_boxes)
print(f"Total people detected: {total_people}")


---

Step 4: Gender Classification

For each detected person, we will crop their bounding box from the image. Then, we'll use cvlib to detect a face within that crop and predict the gender. This is a multi-step pipeline.

#GenderClassification #CV
#YOLOv8 #ComputerVision #HomeSecurity #ObjectTracking #AI #Python

Lesson: Tracking Suspicious Individuals Near a Home at Night with YOLOv8

This tutorial demonstrates how to build an advanced security system using YOLOv8's object tracking capabilities. The system will detect people in a night-time video feed, track their movements, and trigger an alert if a person loiters for too long within a predefined "alert zone" (e.g., a driveway or porch).

---

#Step 1: Project Setup and Dependencies

We will use ultralytics for YOLOv8 and its built-in tracker, opencv-python for video processing, and numpy for defining our security zone.

pip install ultralytics opencv-python numpy

Create a Python script (e.g., security_tracker.py) and import the necessary libraries. We'll also use defaultdict to easily manage timers for each tracked person.

import cv2
import numpy as np
from ultralytics import YOLO
from collections import defaultdict
import time

# Hashtags: #Setup #Python #OpenCV #YOLOv8


---

#Step 2: Model Loading and Zone Configuration

We will load a standard YOLOv8 model capable of detecting 'person'. The key is to define a polygon representing the area we want to monitor. We will also set a time threshold to define "loitering". You will need a video file of your target area, for example, night_security_footage.mp4.

# Load the YOLOv8 model
model = YOLO('yolov8n.pt')

# Path to your night-time video file
VIDEO_PATH = 'night_security_footage.mp4'

# Define the polygon for the alert zone.
# IMPORTANT: You MUST adjust these [x, y] coordinates to fit your video's perspective.
# This example defines a rectangular area for a driveway.
ALERT_ZONE_POLYGON = np.array([
[100, 500], [800, 500], [850, 250], [50, 250]
], np.int32)

# Time in seconds a person can be in the zone before an alert is triggered
LOITERING_THRESHOLD_SECONDS = 5.0

# Dictionaries to store tracking data
# Stores the time when a tracked object first enters the zone
loitering_timers = {}
# Stores the IDs of individuals who have triggered an alert
alert_triggered_ids = set()

# Hashtags: #Configuration #AIModel #SecurityZone


---

#Step 3: Main Loop for Tracking and Zone Monitoring

This is the core of the system. We will read the video frame by frame and use YOLOv8's track() function. This function not only detects objects but also assigns a unique ID to each one, allowing us to follow them across frames.

cap = cv2.VideoCapture(VIDEO_PATH)

while cap.isOpened():
success, frame = cap.read()
if not success:
break

# Run YOLOv8 tracking on the frame, persisting tracks between frames
results = model.track(frame, persist=True)

# Get the bounding boxes and track IDs
boxes = results[0].boxes.xywh.cpu()
track_ids = results[0].boxes.id.int().cpu().tolist()

# Visualize the results on the frame
annotated_frame = results[0].plot()

# Draw the alert zone polygon on the frame
cv2.polylines(annotated_frame, [ALERT_ZONE_POLYGON], isClosed=True, color=(0, 255, 255), thickness=2)

# Hashtags: #RealTime #ObjectTracking #VideoProcessing

(Note: The code below should be placed inside the while loop of Step 3)

---

#Step 4: Implementing Loitering Logic and Alerts

Inside the main loop, we'll iterate through each tracked person. We check if their position is inside our alert zone. If it is, we start or update a timer. If the timer exceeds our threshold, we trigger an alert for that person's ID.