Open links in new tab
  1. GitHub - Xujan24/Object-Detection-using-CNN: A …

    • Object detection is one of the fundamental problem in computer vision. Given an image, the goal is to detect the objects within the image, by generating a rectangular box (bounding box) around the object… See more

    Model Architect…

    Our model consists of three convolutional layers and two fully connected layers. A kernel of size 5 with stride 1 is used in each of the convolutional layers and rectified linear units, ReLU, is used as activation function. A max pooling layer of filter size 2 with stride 2 is employed after each of the first two convolutional layers.

    Github
    Training

    We have trained the network for 50 epoch using stochastic gradient descent (SGD). For the first 30 epoch, the learning rate is set to 0.000001 and after that it is reduced to 0.0000001. We have also employed a momentum of 0.9. For regularization, dropout (with p=0.5) is used.

    Github
  1. Object detection using Convolutional Neural Networks (CNNs) involves identifying objects in an image and drawing bounding boxes around them. Below is a Python implementation using TensorFlow/Keras and PyTorch for object detection.

    Method 1: Using TensorFlow/Keras

    This method demonstrates how to turn a pre-trained CNN classifier into an object detector.

    Steps

    • Install Required Libraries:

    pip install tensorflow opencv-python
    Copied!
    • Code Implementation:

    import cv2
    import numpy as np
    from tensorflow.keras.applications import ResNet50
    from tensorflow.keras.applications.resnet import preprocess_input
    from tensorflow.keras.preprocessing.image import img_to_array

    # Load pre-trained ResNet50 model
    model = ResNet50(weights="imagenet")

    def detect_objects(image_path):
    image = cv2.imread(image_path)
    image = cv2.resize(image, (224, 224))
    input_image = img_to_array(image)
    input_image = preprocess_input(np.expand_dims(input_image, axis=0))

    # Predict using the model
    predictions = model.predict(input_image)
    print("Predictions:", predictions)

    detect_objects("example.jpg")
    Copied!
    Feedback
    1. R-CNN object detection with Keras, TensorFlow, and …

      Jul 13, 2020 · We’ll start our tutorial by discussing the steps required to implement an R-CNN object detector using Keras and TensorFlow. From there, we’ll review the example object detection datasets we’ll be using …

    2. object-detection.ipynb - Colab

      FCOS (Fully Convolutional One-Stage Object Detection) is a one-stage object detection algorithm that uses a fully convolutional architecture to detect objects. It is a simple and...

    3. TorchVision Object Detection Finetuning Tutorial

      For this tutorial, we will be finetuning a pre-trained Mask R-CNN model on the Penn-Fudan Database for Pedestrian Detection and Segmentation.

    4. Simple Object Detection using CNN with TensorFlow and Keras

      Oct 2, 2025 · In this blog, we’ll walk through a simple yet effective approach to object detection using Convolutional Neural Networks (CNNs), implemented with TensorFlow and Keras.

    5. Object Detection with Convolutional Neural Networks

      Jan 30, 2022 · We will learn how to obtain as possible as close boxes to the object detected later. As you may notice, object recognition is a bit more complex task than image …

    6. How to Object Detect Using PyTorch for images …

      Jan 20, 2025 · We are going to create a simple model that detects objects in images. We will use a PyTorch-trained model called Faster R-CNN, which features a ResNet-50 backbone and a Feature Pyramid...

    7. A Beginner’s Guide to Object Detection in Python

      Sep 6, 2024 · Object detection is one of the most exciting areas in computer vision, allowing machines to recognize and locate objects in images or videos. This guide will introduce you to object detection using Python, …

    8. Object Detection With CNN In Python: A Beginner's Guide

      Oct 23, 2025 · Let's get our hands dirty and build an object detection model using Python. We'll use popular libraries like TensorFlow or PyTorch, which provide pre-built CNN architectures and …

    9. Object Detection in Python: Comprehensive Guide

      Dec 20, 2024 · In this comprehensive guide, we will break down the fundamentals of object detection, introduce popular algorithms, explain how to set up Python for object detection, and provide code examples to get …

  2. People also ask