Object detection using machine learning python pyObserve Output:The script should open a window displaying the webcam feed with overlaid text (predictions) based on the object detection model. Want to get up to speed on AI powered Object Detection but not sure where to start?Want to start building your own deep learning Object Detection models?Need May 3, 2025 路 Learn to build a real-time object detection system using Python and OpenCV. Dec 17, 2024 路 TensorFlow, an open-source machine learning framework developed by Google, provides a powerful toolset for building real-time object detection models. 馃殌 This POC can serve as a foundation for applications like traffic analysis, surveillance, or automated vehicle monitoring. In this video tutorial you will learn how to use YOLOv5 and python to quickly run object detection on a video stream or file all in 10 minutes. Tensorflow Object Detection API Creating accurate machine learning models capable of localizing and identifying multiple objects in a single image remains a core challenge in computer vision. Nov 5, 2020 路 Collect images for deep learning using your webcam and OpenCV 2. Mar 22, 2021 路 Image color identification with Machine Learning and Image Processing, using Python Identify the colors of your image with few lines of code Piero Paialunga Mar 22, 2021 This project has been refreshed after 7+ years. Mar 26, 2024 路 The YOLOv8 model contains out-of-the-box support for object detection, classification, and segmentation tasks, accessible through a Python package as well as a command line interface. com Oct 22, 2024 路 In this article, we’ll perform basic object detection using Python’s YOLO library. About Object Detection By Ankan using Tensorflow using the concept of Deep Learning and Machine Learning. OpenCV: This is the most widely used computer vision library, perfect for image processing and manipulation. Jan 1, 2018 路 Object detection is one of these domains witnessing great success in computer vision. Jan 9, 2019 路 Basically, to detect any object, the system takes a classifier for that object and then classifies its presence at various locations in the image. Apr 10, 2024 路 Conclusion In this post, we’ve learned how to detect objects in video files and camera feeds with few lines of code using ImageAI. Mar 31, 2020 路 Machine Learning Object detection using Machine Learning Avantika Dhar Object detection is associated with computer vision and describes a system that can identify the presence of any desired body or object in an image. A universal machine learning solution for automated quality inspection and defect detection on manufacturing lines, utilizing object detection models (YOLO) and computer vision (OpenCV) to classif May 3, 2025 路 Learn to build a real-time object detection system using Python and OpenCV. Feb 3, 2024 路 4 simple steps for object detection with Python, opencv, and cvlib Sep 11, 2017 路 Learn how to apply object detection using deep learning, Python, and OpenCV with pre-trained Convolutional Neural Networks. Setup Tensorflow Object Detection pipeline configuration 4. This repository provides an exhaustive overview of deep learning techniques specifically tailored for satellite and aerial image processing. Usually, the goal is to find a rectangular bounding box in the large image such that the object is tightly within that box. Dec 14, 2023 路 Develop a real time people tracking and recognition using python and deep learning techniques. 馃攳 Experiment with YOLO for precise object detection in dynamic environments. It now uses TensorFlow 2 (SavedModel) with optional OCR (EasyOCR). In this tutorial, we’ll focus on object detection in images using OpenCV in Python. Positive Images: These images contain the objects that the classifier is trained to detect. Jun 30, 2016 路 Keras is a Python library for deep learning that wraps the powerful numerical libraries Theano and TensorFlow. Train and Deploy (Detectron2, Faster RCNN, YOLO11) Sep 18, 2017 路 In this tutorial I demonstrate how to apply object detection with deep learning and OpenCV + Python to real-time video streams and video files. Nov 30, 2020 路 In this article, we will be using one such library in python, namely OpenCV, to create a generalized program that can be used to detect any object in a video feed. When an animal is detected, an alert is triggered with a siren sound. Image identification makes Machine Learning tutorials with TensorFlow 2 and Keras in Python (Jupyter notebooks included) - (LSTMs, Hyperameter tuning, Data preprocessing, Bias-variance tradeoff, Anomaly Detection, Autoencoders, Time Series Forecasting, Object Detection, Sentiment Analysis, Intent Recognition with BERT) Jan 20, 2025 路 Train an object detection model to identify if an image contains certain objects with automated ML and the Azure Machine Learning CLI v2 and Python SDK v2. For this problem I make use of Python together with OpenCV. Apr 20, 2020 路 Explore video object detection, from essential concepts to building a vehicle detection model with OpenCV and Python. Aug 26, 2021 路 Object detection is seeing a boom in the machine learning space in recent times. , person, car, dog). Jan 30, 2024 路 Object detection is to find the region in a larger image where a particular object is located. By directly anticipating key points and object attributes from the input image, it streamlines the detection workflow. Jul 12, 2025 路 In this article we explored how to perform object detection using OpenCV-Python with Haar Cascades. This tutorial will cover the fundamental concepts, implementation details, and best practices for building object detection models, and provide a Oct 15, 2024 路 Learn how to rebuild a Python application for live object detection using pre-trained models and beginner-friendly tools, including Jupyter Notebook, PyTorch, and YOLOv5. Class Prediction: Object detection not only locates objects but also categorizes them into different classes (e. In this tutorial, we'll explore the fundamental steps to detect objects in an image using Python 3. The dataset is presented with a teachable object recognition benchmark task which aims to drive few-shot learning on challenging real-world data. Requirement : Python Programming Basics of Machine Learning Basics of neural networks (Not Mandatory) An enthusiasm to build a Cool project (Mandatory) :p Even though if you don't have the first three essentials, you're welcome to the adventure. Learn how to build object detection models from scratch in Python. Follow this comprehensive guide for expert-level insights. If the model is well trained, it will show accuracy by detecting objects in images. As the name suggests, it helps us in locating, understanding and tracing an object from an image or a video. Jan 31, 2024 路 Learn how to build an object detection machine learning algorithm using Python in this step-by-step article. android machine-learning ocr recognition qrcode barcode vision text-recognition face-detection machine-learning-library object-detection object-recognition barcode-scanning mlkit image-labeling camerax pose-detection segmentation-selfie Updated on May 15 Java YOLO (You only look once) is a state of the art object detection algorithm that has become main method of detecting objects in the field of computer vision. See full list on pyimagesearch. Nov 16, 2025 路 OpenCV – An open-source computer vision and machine learning software library with extensive image processing and feature detection capabilities. Jan 26, 2021 路 It can be challenging for beginners to distinguish between different related computer vision tasks. Sep 11, 2025 路 Object detection is a widely used task in computer vision that enables machines to not only recognize different objects in an image or video but also locate them with bounding boxes. The code provides a GUI using Tkinter, allowing users to select a video file and start the animal detection process. I have implemented the algorithm in Jupyter notebook. Data Labeling Object Detection Using OpenCV Python | Object Detection OpenCV Tutorial | Simplilearn Top 5 Technologies To Learn In 2024 | Top 5 Trending Technologies In 2024 | Simplilearn A generic image detection program that uses Google's Machine Learning library, Tensorflow and a pre-trained Deep Learning Convolutional Neural Network model called Inception. May 27, 2023 路 This research paper focuses on the application of computer vision techniques using Python and OpenCV for image analysis and interpretation. Python, with its powerful libraries like OpenCV and TensorFlow, provides a robust platform for building object detection applications. To set up your machine to use deep learning frameworks in ArcGIS Pro, see Install deep learning frameworks for ArcGIS. g. Sep 4, 2019 路 In the rest of this article, we will see what exactly ImageAI is and how to use it to perform object detection. Using these techniques and algorithms, based on deep learning which is also based on machine learning require lots of mathematical and deep learning frameworks understanding by using dependencies such as OpenCV we can detect every single object in image by the area object in a highlighted rectangular box and recognize every single object and assign its tag to the object. This article delves into the techniques and methodologies used in object detection, focusing on image processing approaches. Mar 3, 2025 路 Learn how to train custom object detection models in Python with step-by-step instructions and detailed explanations. Jan 17, 2019 路 A package build from Tensorflow's object detection API. Detect 80 common objects in context including… Learn how to perform vehicle detection, tracking and counting with YOLOv8 and DeepSORT using OpenCV library in Python. In short, these are powerful deep learning algorithms. Turn on a Raspberry Pi 4 Model B running a fresh version of Raspberry Pi 'Buster' OS and connect it to the Internet. It is done i… Nov 10, 2014 路 Detecting objects in images using the Histogram of Oriented Gradients descriptor can be broken down into 6 steps. Nov 22, 2023 路 Introduction to Object Recognition and Python Libraries Object recognition is a fascinating facet of machine learning, where machines learn to identify and classify objects within images. This task operates on image data with a machine learning (ML) model, accepting static data or a continuous video stream as input and outputting a list of detection results. Why YOLO? YOLO (You Only Look Once) is a high-speed, high-accuracy model perfect for real-time object 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 you started. . Haar Cascades are an efficient and fast method for detecting objects in real-time making them useful for various applications such as traffic sign detection, face detection and many more. Jul 23, 2025 路 Object detection is a crucial task in computer vision that involves identifying and locating objects within an image or video. A difficult problem where traditional neural networks fall down is called object recognition. This is a great tutorial for anyone interested in Jul 23, 2025 路 Anomaly detection is the process of identifying data points that deviate significantly from the expected pattern or behavior within a dataset. The TensorFlow Object Detection API is an open source framework built on top of TensorFlow that makes it easy to construct, train and deploy object Learn how to perform real-time object tracking with the DeepSORT algorithm and YOLOv8 using the OpenCV library in Python. In the example shown in the above figure, a 16 pixel image with red, blue, and green color channels in the third dimension. Object detection with Python FULL COURSE | Computer vision Computer vision engineer 51. The algorithm I selected here is ORB (Oriented FAST and Rotated BRIEF) for its fast calculation speed to enable real-time detection. Jul 23, 2025 路 Using a heatmap to locate object center's and regress other object properties, CenterNet is a single-stage object detection model. ImageAI ImageAI is a Python library built to empower developers to build applications and systems with self-contained deep learning and Computer Vision capabilities using a few lines of straight forward code. This step-by-step guide covers implementation and optimization techniques. Easy Machine Learning & Object Detection With Teachable Machine: Teachable Machine is an easy, but powerful tool to create machine learning models. Run the Script:Navigate to the directory containing main. It’s akin to teaching a child to point out apples or cats in a picture book. Jul 23, 2025 路 Your All-in-One Learning Portal: GeeksforGeeks is a comprehensive educational platform that empowers learners across domains-spanning computer science and programming, school education, upskilling, commerce, software tools, competitive exams, and more. Using HOG for object detection is not difficult: You simply draw multiple bounding boxes randomly from the image. Aug 22, 2018 路 Object detection using OpenCV dnn module with a pre-trained YOLOv3 model with Python. id_card_detection_image. Let’s start by importing the necessary Python libraries for this task: OpenCV is a widely used open-source library for image processing, machine learning, and computer vision. Don't worry about getting lost, I'll guide you This file should contain the trained Keras model for object detection. Whether you’re working with a webcam, USB camera, or IP camera, integrating YOLO with your video feed can provide powerful object detection capabilities in real time. The paper has covered topics ranging from how artificial intelligence and machine learning algorithms help in object detection to how OpenCV is such a useful tool for beginners who wish to learn how real time object identification and tracking can be done. Keras is a popular deep learning framework that provides an easy-to-use interface for building and training neural networks Feb 8, 2025 路 Real-Time Object Detection in Video Streams using PyTorch is a crucial aspect of computer vision and machine learning. 1. python opencv data-science machine-learning deep-neural-networks computer-vision deep-learning tensorflow detection image-processing prediction object-detection vehicle-tracking vehicle-detection vehicle-counting color-recognition speed-prediction vehicle-detection-and-tracking tensorflow-object-detection-api object-detection-label Food Detection using Yolov8 (pre-trained model for object detection). May 4, 2023 路 To follow this tutorial, you should be familiar with Python and have a basic understanding of machine learning, neural networks, and their application in object detection. Object Detection for Computer Vision using Deep Learning with Python. Jul 12, 2025 路 Haar Cascade classifiers are a machine learning-based method for object detection. For example, an object detector can locate dogs in an image. Image classification involves assigning a class label […] Jul 10, 2023 路 This Python-based code that utilizes OpenCV's DNN module with MobileNetSSD to detect animals in the farmland. The output of an object detection process is an image bounded with boxes around the object we want to detect and describe the name of the object. This paper demystifies the role of deep learning techniques based on convolutional neural network for object detection. You can find an updated tutorial for object recognition at this link *** In this tutorial, we will develop a program that can recognize objects in a real-time video stream on a built-in laptop webcam using deep learning. Jan 13, 2025 路 Setup This section describes key steps for setting up your development environment and code projects specifically to use Object Detector. Removed TensorFlow 1 graph code and TF Object Detection API dependency. deep-learning pytorch conceal defect-detection jittor camoufalge camouflaged-object-detection Updated on Jun 18, 2024 Python Conclusion In this tutorial, we walked through how to set up a real-time object detection system using YOLOv5, Python, and OpenCV. Feb 14, 2025 路 Discover how Object Detection Python techniques leverage machine learning and deep learning to detect objects in images and videos. Object-detection Vehicle detection using deep learning with tensorflow and Python This programs explains how to train your own convolutional neural network (CNN) in object detection for multiple objects, starting from scratch. 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. Oct 8, 2024 路 Learn how to implement real-time object detection in video streams using OpenCV and Python. Jun 16, 2024 路 This article aims to learn how to build an object detector using Tensorflow's object detection API. Basic familiarity with variables, loops, functions, and classes will give you a good foundation. This POC serves as a learning project to explore real-time vehicle tracking and detection using cutting-edge machine learning techniques. For example, image classification is straight forward, but the differences between object localization and object detection can be confusing, especially when all three tasks may be just as equally referred to as object recognition. Practical Machine Learning and Image Processing gives readers deep insight into the basics of image processing and various image processing methodologies and algorithms, applications using various Python libraries, and real-time use case implementation using machine learning approaches. It allows for easy data capture to create training data sets and uses state of the art algorithms to train machine learning models right in your browser. Its capabilities allow developers to implement real-time image and video processing for applications like object detection, face recognition, and even handwriting analysis. Loads TF2 SavedModel from model/saved_model/; automatically resolves and calls the serving_default signature. The main objective is to develop a system capable of Jul 23, 2025 路 Python language is widely used in Machine Learning because it provides libraries like NumPy, Pandas, Scikit-learn, TensorFlow, and Keras. These libraries offer tools and functions essential for data manipulation, analysis, and building machine learning models. Execute the script:python main. Feb 5, 2018 路 Object detection without Machine Learning When objects are of similar size and shape, like these rainbow donuts, they can be detected using simple template matching in OpenCV: Template matching is Sep 30, 2024 路 Setting Up Open-CV for Object Detection This is an in-depth procedure to follow to get your Raspberry Pi to install Open-CV that will work with Computer Vision for Object Identification. Open up Sep 4, 2019 路 In the rest of this article, we will see what exactly ImageAI is and how to use it to perform object detection. Deep learning frameworks and services available for object detection are also enunciated. For general information on setting up your development environment for using MediaPipe tasks, including platform version requirements, see the Setup guide for Python. Soon I will create either a script/a separate tutorial to streamline this process. py. Sep 2, 2024 路 Object Detection using Tensorflow is a computer vision technique to detect objects in an image or a video in real time. It involves detecting objects within video streams in real-time, which has numerous applications in fields such as surveillance, autonomous vehicles, and healthcare. python tracking machine-learning computer-vision deep-learning metrics tensorflow image-processing pytorch video-processing yolo classification coco object-detection hacktoberfest pascal-voc low-code instance-segmentation oriented-bounding-box Updated 4 days ago Python Jan 4, 2025 路 Conclusion Real-time object detection with SSD and Python is a powerful technique used in computer vision and machine learning to detect objects in images and videos. Deep Learning Deep Learning algorithms are revolutionizing the Computer Vision field, capable of obtaining unprecedented accuracy in Computer Vision tasks, including Image Classification, Object Detection, Segmentation, and more. TensorFlow – A popular machine learning library with a particular focus on the training and inference of deep neural networks. Feb 5, 2024 路 An in-depth guide explaining object detection algorithms and popular libraries covering real-time examples, technical aspects and limitations. ImageAI contains a Python implementation of almost all of the state-of-the Mar 20, 2019 路 For a bachelors thesis, I need to count people using a video camera, and this as correct as possible. py CLI flags: --image: Image path Dec 2, 2020 路 Creating a practical image and video object detection system with only a few lines of code using Python and ImageAI Jul 23, 2025 路 Your All-in-One Learning Portal: GeeksforGeeks is a comprehensive educational platform that empowers learners across domains-spanning computer science and programming, school education, upskilling, commerce, software tools, competitive exams, and more. Read Now! Real-Time Object Recognition Using a Webcam and Deep Learning *** This tutorial is two years old and may no longer work properly. By following the steps outlined in this tutorial, you can implement real-time object detection using SSD and Python. This task is fundamental for various applications, including autonomous driving, video surveillance, and medical imaging. Other systems generate potential bounding boxes in an image using region proposal methods and then run a classifier on these potential boxes. They use a set of positive and negative images to train a classifier, which is then used to detect objects in new images. No more object_detection. Mar 30, 2024 路 In this introduction to object detection tutorial, we have gone through the basics of OpenCV, the definition of object detection, and addressed the difference between object recognition and detection. It is commonly implemented using OpenCV for image/video processing and YOLO (You Only Look Once) models for real-time detection. Oct 28, 2024 路 Object detection project ideas with source code for practice to help computer vision beginners build object detection models from scratch in Python. Check for any errors or warnings Nov 8, 2019 路 Detecting objects from real time video feeds and how to choose object detection algorithms depending on your hardware Dec 22, 2020 路 Object Detection with Python In this section, I will take you through a Machine Learning project on Object Detection with Python. Machine learning techniques for object detection include aggregate channel features (ACF), support vector machines (SVM) classification using histograms of oriented gradient (HOG) features, and the Viola-Jones algorithm for human face or upper-body detection. It involves predicting the coordinates of the bounding box that encapsulates the object. Using the tutorial one can identify and detect specific objects in pictures, videos, or in a webcam feed. Nov 7, 2024 路 Python: Python is the primary language for many machine learning projects, and it is essential for building your object detection project. ImageAI contains a Python implementation of almost all of the state-of-the Apr 14, 2025 路 Explore hands-on computer vision projects, including object detection, face recognition, image segmentation, and more to master essential techniques, tools, and real-world applications. This guide will walk you through the process of using TensorFlow for real-time object detection with Python, covering the technical background, implementation guide, code examples, best practices Jul 21, 2023 路 Object detection is a fascinating field within computer vision that allows us to identify and locate specific objects within images. I know the neural networks like a C Object-detection Vehicle detection using deep learning with tensorflow and Python This programs explains how to train your own convolutional neural network (CNN) in object detection for multiple objects, starting from scratch. python arduino machine-learning computer-vision image-processing autonomous-systems autonomous-robots yolov3 fruit-detection Updated on Feb 11, 2019 Python May 9, 2024 路 Object Detection: We can detect objects in new images using the trained model. Detect and track an object using its feature. Introduction Hands-On Deep Learning for Computer Vision: Building Objects Detection Models is a comprehensive guide aimed at helping beginners and experienced practitioners alike to build and deploy robust object detection models using deep learning. This repository contains a project that combines Arduino, ultrasonic sensor, servo motor, and machine learning techniques to implement object detection. This is one of the most Feb 27, 2019 路 Gain insights into image-processing methodologies and algorithms, using machine learning and neural networks in Python. Ideal for beginners and advanced practitioners. This book begins with the environment setup, understanding basic image-processing terminology, and exploring Python concepts that will be useful for implementing the algorithms discussed in the book. python tracking machine-learning computer-vision deep-learning metrics tensorflow image-processing pytorch video-processing yolo classification coco object-detection hacktoberfest pascal-voc low-code instance-segmentation oriented-bounding-box Updated last week Python Aug 7, 2025 路 Object Localization: Localization is the process of determining the object's location within the image. Each detection result Dec 2, 2020 路 Creating a practical image and video object detection system with only a few lines of code using Python and ImageAI Jul 23, 2025 路 Your All-in-One Learning Portal: GeeksforGeeks is a comprehensive educational platform that empowers learners across domains-spanning computer science and programming, school education, upskilling, commerce, software tools, competitive exams, and more. Beyond image recognition and object detection in images and videos, ImageAI supports advanced video analysis with interval callbacks and functions to train image recognition models on custom datasets. Here I use the Yolo V5 model for detecting cars in an image or by using a camera. Jul 19, 2024 路 The object detector automatically learns the visual features necessary for detecting tasks using the potent machine learning technology known as deep learning. Learn how to perform vehicle detection, tracking and counting with YOLOv8 and DeepSORT using OpenCV library in Python. It also shows the flexibility of a tracking system to a moving camera, ideal for automotive safety applications. * imports. It is where a model is able to identify the objects in images. What is OpenCV? OpenCV is an open-source library dedicated to solving computer vision problems. Contribute to arunponnusamy/object-detection-opencv development by creating an account on GitHub. This additionally Apr 22, 2025 路 Discover the use of YOLO for object detection, including its implementation in TensorFlow/Keras and custom training. Training yolov8 on the custom dataset to get the desired results. Object detection What is object detection? In this chapter we will introduce the object detection problem which can be described in this way: given an image or a video stream, an object detection model can identify which of a known set of objects might be present and provide information about their positions within the image. The ORBIT dataset is a collection of videos of objects in clean and cluttered scenes recorded by people who are blind/low-vision on a mobile phone. Mar 22, 2021 路 Image color identification with Machine Learning and Image Processing, using Python Identify the colors of your image with few lines of code Piero Paialunga Mar 22, 2021 Feb 5, 2024 路 An in-depth guide explaining object detection algorithms and popular libraries covering real-time examples, technical aspects and limitations. Introduction Deep learning has revolutionized the analysis and interpretation of satellite and aerial imagery, addressing unique challenges such as vast image sizes and a wide array of object classes. This tool calls a third-party deep learning Python API (such as TensorFlow, PyTorch, or Keras) and uses the specified Python raster function to process each object. Want to get up to speed on AI powered Object Detection but not sure where to start?Want to start building your own deep learning Object Detection models?Need Dec 14, 2024 路 Introduction In this tutorial, we will explore the world of object detection and tracking using Keras and OpenCV. The article aims to provide a comprehensive understanding of anomaly detection, including its definition, types, and techniques, and to demonstrate how to implement anomaly detection in Python using the PyOD library. This guide will introduce you to object detection using Python, helping you implement a basic detection pipeline with popular libraries. Installing the Required Conclusion In this tutorial, we walked through how to set up a real-time object detection system using YOLOv5, Python, and OpenCV. Object detection is a fundamental task in computer vision, and it has numerous applications in areas such as surveillance, robotics, and autonomous vehicles. While this was a simple example, the applications of object detection span multiple and diverse industries, from round-the-clock surveillance to real-time vehicle detection in smart cities. YOLO Object detection with OpenCV and Python. In this post, you will discover how to develop and evaluate deep […] Jul 12, 2025 路 Object Recognition Using Machine Learning HOG (Histogram of oriented Gradients) feature Extractor and SVM (Support Vector Machine) model: Before the era of deep learning, it was a state-of-the-art method for object detection. Check for any errors or warnings Jul 19, 2024 路 The object detector automatically learns the visual features necessary for detecting tasks using the potent machine learning technology known as deep learning. Image identification makes Jan 20, 2025 路 Train an object detection model to identify if an image contains certain objects with automated ML and the Azure Machine Learning CLI v2 and Python SDK v2. Moving Object Detection for Event-based vision using Graph Spectral Clustering (Python implementation) Practical Machine Learning and Image Processing gives readers deep insight into the basics of image processing and various image processing methodologies and algorithms, applications using various Python libraries, and real-time use case implementation using machine learning approaches. Mar 14, 2022 路 Detailed tutorial explaining how to efficiently train the object detection algorithm YOLOv5 on your own custom dataset. The project includes the deployment of a machine learning model on an Arduino board, along with the Python code for data generation, model creation, and the training process. Follow these tutorials and you’ll have enough knowledge to start applying Deep Learning to your own projects. Label images for sign language detection using LabelImg 3. Jan 13, 2025 路 The MediaPipe Object Detector task lets you detect the presence and location of multiple classes of objects within images or videos. Jun 22, 2020 路 In this tutorial, you will learn how to take any pre-trained deep learning image classifier and turn it into an object detector using Keras, TensorFlow, and OpenCV. In this post, I'll review each step. 6K subscribers Subscribed Jul 5, 2024 路 That is the power of object detection algorithms. Detecting objects from a set of training images by shape and color using machine learning in Python from scratch (doing all the math on only numpy arrays, no machine learning packages used).