NumPy
NumPy is an open source library for the Python programming language, adding support for large, multidimensional arrays, and matrices, along with a large collection of high-level mathematical functions to operate on these arrays.
- GitHub: https://github.com/topics/numpy
- Wikipedia: https://en.wikipedia.org/wiki/NumPy
- Repo: https://github.com/numpy/numpy
- Created by: Travis Oliphant
- Related Topics: python, scipy,
- Last updated: 2026-01-30 00:22:30 UTC
- JSON Representation
https://github.com/nemeslaszlo/titanic-logistic-regression
This notebook covers a simple analysis with logistic regression on the popular titanic dataset.
cufflinks jupyter-notebook logistic-regression matplotlib numpy pandas plotly seaborn sklearn
Last synced: 28 Jul 2025
https://github.com/thevarunsharma/similar-word-finder
A web application with Python backend which finds words similar to a given word, using pre-trained GloVe word embeddings.
flask-application machine-learning nlp numpy python word-embeddings
Last synced: 23 Aug 2025
https://github.com/octcarp-courses/sustech_cs303-ai_f23_works
(49.8/50) Course code of CS303 2023 Fall: Artificial Intelligence, SUSTech. Taught by Prof. Ke TANG.
Last synced: 23 Aug 2025
https://github.com/gourab-sinha/machine_learning
This repository consists of Machine Learning Concepts and Projects.
classification machine-learning neural-network numpy pandas sklearn-library
Last synced: 22 Aug 2025
https://github.com/oriyarden/binary-multiclassificationneuralnetworksfromscratchnumpyarraysonlypython
Neural networks for binary and multiple classification from scratch (using only numpy arrays) in Python
artificial-intelligence artificial-neural-networks backpropagation backpropagation-neural-network data-science from-scratch google-colab-notebook iris iris-classification iris-dataset machine-learning neural-networks numpy numpy-arrays object-oriented-programming oop python recurrent-neural-networks
Last synced: 27 Aug 2025
https://github.com/ki-seki/set_determ
Set deterministic modes of `random`, `torch` and `numpy` to ensure reproducibility. Idea is inspired by https://darinabal.medium.com/deep-learning-reproducible-results-using-pytorch-42034da5ad7
deterministic numpy pytorch random-generation reproducibility
Last synced: 21 Aug 2025
https://github.com/awrsha/principal-component-analysis
Dimension reduction in Python
image-processing matplotlib numpy pillow python
Last synced: 02 Sep 2025
https://github.com/haukzero/decisiontree-strat-from-scratch
依据西瓜书从零开始手写决策树分类器,只使用 pandas, numpy, graphviz 三个扩展包,其中 graphviz 用于将生成的树可视化
decision-tree-classifier machine-learning numpy python start-from-scratch
Last synced: 04 Apr 2025
https://github.com/rex-8/mnist-4-layer
Implementing a 4 layer neural to identify digits from a 28x28 grid using just python and numpy
backward-propagation deep-learning forward-propagation loss-functions machine-learning mnist-classification neural-network numpy python relu-network
Last synced: 23 Jul 2025
https://github.com/sedatuygur/attendance-management-system
Attendance Management System using Face Recognition
attendance-management attendance-management-system attendance-management-system-opencv attendance-tracker attendance-tracking dlib dlib-face-detection dlib-face-recognition face-detection face-recognition numpy numpy-python pandas pandas-python tkinter tkinter-app tkinter-gui tkinter-gui-library tkinter-python
Last synced: 05 Mar 2025
https://github.com/kr1shnasomani/treetracer
Detection of trees from aerial image using detectron2
computer-vision deep-learning detectron2 neural-network numpy opencv pypi pytorch
Last synced: 05 Mar 2025
https://github.com/deusares/drawerfunctions
A collection of PIL, Numpy and OpenCV functions to manipulate images
generative graphic image-processing numpy opencv pil pillow python
Last synced: 04 Apr 2025
https://github.com/meghajbhat/photo-editor
This is a Photo Editor Application with various image processing functionalities using Tkinter for the GUI and OpenCV for image manipulation. The application allows users to apply multiple filters and transformations to images such as Black and White, Pencil Sketch, Sepia, Crop, Sharpen, Contrast, X-ray, and Brighten.
gui numpy opencv opencv-python python python3 tkinter tkinter-gui tkinter-python
Last synced: 13 Apr 2025
https://github.com/cchandre/vm15d
Hamiltonian fluid reduction of the 1.5D Vlasov-Maxwell equations
fluid-simulation fluid-solver hamiltonian kinetic-modeling mathematica matlab numpy plasma-physics python3 scipy vlasov-equation vlasov-solver
Last synced: 28 Jul 2025
https://github.com/amari-calipso/papers-please-tasbot
A "Papers, Please" TASbot that offers a programmable interface with the game
cython game-bot games image-processing numpy papers-please papersplease python python3 tas tool-assisted-speedrun
Last synced: 11 Sep 2025
https://github.com/platonn/comp-photography
Computational Photography course - University of Wroclaw
computational-photography image-processing numpy university-course
Last synced: 21 Aug 2025
https://github.com/sahajrajmalla/co2-calculator-api
A Web Application backend API that enables people to create events, join events, and measure the carbon footprint produced by each participant to get insights about online and onsite carbon emissions.
apis carbon-emissions carbon-footprint fastapi makefile numpy pandas precommit sqlalchemy sqlite3 uvicorn
Last synced: 02 Sep 2025
https://github.com/isurusenarath1/weather-prediction-ml-model
Weather Prediction Using KNN
jupyter-notebook numpy pandas python
Last synced: 20 Aug 2025
https://github.com/florianwoelki/mnist_fashion_cnn
This is a classification problem based on the mnist fashion dataset. I've used a CNN to classify the images.
classifier cnn fashion keras mnist numpy pandas tensorflow
Last synced: 30 Dec 2025
https://github.com/ibz-04/number-plate-recognition
Vehicle number plate recognition using computer vision and image processing
anpr computer-vision easyocr matplotlib-python numpy object-detection opencv
Last synced: 04 Apr 2025
https://github.com/asim-2000/machine-learning-projects-in-python
ensemble-model machine-learning matplotlib numpy pandas python sklearn
Last synced: 30 Dec 2025
https://github.com/virajbhutada/article-recommendation-system
This project aims to redefine content discovery by delivering personalized article recommendations tailored to individual user preferences. We use advanced machine learning techniques like PCA and K-means clustering to analyze user behavior and article characteristics to provide highly accurate recommendations.
anaconda article-recommendation clustering-algorithm data-analysis data-science keras-tensorflow machine-learning machine-learning-algorithms ml-models numpy pandas plotly python scikit-learn scipy
Last synced: 06 Jan 2026
https://github.com/Tritonix711/FractureAI
This tool helps people upload X-rays to find broken bones. It uses a machine to mark where the breaks are and gives users marked pictures to download. A smart computer also helps people understand their broken bones and gives them advice.
css cv2 flask gorq html javascript matplotlib npm numpy pandas pydantic python react scikit-learn torch torchvision ultralytics
Last synced: 19 Aug 2025
https://github.com/hanzopgp/neuralnetworkfromscratch
This is a multi-layer perceptron build from scratch using numpy and python.
artificial-intelligence deep-learning machine-learning multi-layer-perceptron numpy personal
Last synced: 05 Mar 2025
https://github.com/ngoyal16/python-stick-fight-shadow-warrior
ai numpy opencv python stick-fight-shadow-warrior
Last synced: 02 Mar 2025
https://github.com/alvinmurimi/jumia
Data analysis on smartphones listed on jumia.co.ke
beautifulsoup4 jumia matplotlib numpy pandas scraping seaborn
Last synced: 21 Mar 2025
https://github.com/iamshatha/disease-symptom-analysis
The data file defines the relationship between different symptoms and possible diseases
analysis dataset disease matplotlib numpy python symptoms
Last synced: 04 Apr 2025
https://github.com/yashodatta15/top-250-anime-2023-eda
anime eda matplotlib movies numpy pandas python seaborn
Last synced: 14 May 2025
https://github.com/ksalekk/ecg-monitor
ecg matplotlib numpy python scipy signal-processing
Last synced: 25 Jun 2025
https://github.com/zacheddy/imageclassifier
A convolutional neural network from scratch to classify images (demo available)
image-classifier machine-learning neural-network numpy
Last synced: 05 Aug 2025
https://github.com/tristan296/deepplate
A custom-trained YOLOv11-based license plate detection with PaddleOCR for accurate ANPR.
cv2 numpy paddleocr sqlite3 ultralytics yolov11
Last synced: 04 Apr 2025
https://github.com/iusztinpaul/ibm-assets-recommendation-engine
Deployable recommendation system for predicting the fittest IBM articles for a given user.
ibm machine-learning numpy pandas python recommendation-engine recommendation-system svd-matrix-factorisation
Last synced: 09 Sep 2025
https://github.com/kentlouisetonino/sw-statistics-calculator
A CLI program that compute mean, median, and percentiles.
Last synced: 29 Mar 2025
https://github.com/bl33h/relations
A program for relation analysis and matrix operations using numpy. It determines relation types and performs matrix computations.
discrete-mathematics matrix matrix-operations numpy python relations
Last synced: 02 Sep 2025
https://github.com/jayanthsd2003/dms_sarathi_-driver-monitoring_system-
This is a project which can be seen on TATA Trucks and other premium edition cars based and focussed on the safety and monitoring driver Consciousness state
dlib dlib-face-detection numpy opencv-python pygame python pyttsx3 scipy
Last synced: 05 Apr 2025
https://github.com/lioccoumd/news-sentiment-analysis
This scrapes a variety of news stations websites for article titles and evaluates them using distilBERT pretrained model for sentiment analysis.
beautiful datasets distilbert news nltk numpy python pytorch reques scraping-websites sentiment-analysis transformers
Last synced: 13 Apr 2025
https://github.com/21aja/house_price_prediction_revised_project
House price prediction using ML with Decision Tree Regressor achieving 100% accuracy. Preprocessing, EDA, and model evaluation applied using Python, Pandas, NumPy, Scikit-learn, and XGBoost for data-driven insights.
decision-tree-classifier linear-regression numpy pandas xgboost
Last synced: 13 Oct 2025
https://github.com/geson-anko/numpy_ndarray_msgs
A ROS2 package for transmitting NumPy ndarrays between ROS2 nodes.
Last synced: 17 Aug 2025
https://github.com/garcane/income-prediction-ml
This is a machine learning project aimed at predicting whether an individual's annual income exceeds $50,000 based on their demographic and personal information.
data data-science machine-learning ml numpy pandas python random-forest scikit-learn
Last synced: 30 Dec 2025
https://github.com/huaxiaz/honor_engineering_analysis
This repository is adapt from the course materials for Honors Engineering Analysis at Northwestern University. The course is designed for Engineering first-year undergraduate students to learn about linear algebra and its applications.
complex-numbers complexity degree-distribution echelon-form erdos-renyi-model fractals iterative-methods jacobi-iteration jupyter-notebook linear-algebra markov-chain networkx networkx-tutorial numpy numpy-matrix pagerank-algorithm python random-graphs randomgraph
Last synced: 19 Sep 2025
https://github.com/ankushmallick1100/task-1-the-sparks-foundation-data-science-and-business-analytics-internship
Task 01: Predict the percentage of an student based on no of study hours with Supervised Machine Learning
data-science internship-task intership jupyter jupyter-notebook linear-regression machine-learning machine-learning-algorithms matplotlib numpy pandas python python3 supervised-learning supervised-machine-learning thesparksfoundation thesparksfoundationinternship tsf
Last synced: 24 Dec 2025
https://github.com/faisal-khann/diwali-sales-analysis
The "Diwali Sales Analysis" project aims to analyze the sales data during the Diwali festival period to uncover insights and trends that can help improve marketing strategies and sales performance in the future
csv data-analysis eda jupyter-notebook matplotlib numpy pandas python seaborn
Last synced: 23 Mar 2025
https://github.com/scimorph/secureml
Easy-to-use utilities to build privacy-preserving AI.
ai click compliance federated-learning flower gdpr hashicorp-vault jinja2 ml numpy opacus pandas privacy python pytorch sdv tensorflow weasyprint yaml
Last synced: 04 Apr 2025
https://github.com/amirhnajafiz-university/s7dc01
Final project of Data Communications course
data-communication matplotlib modulation numpy python scipy signal signal-processing
Last synced: 16 Aug 2025
https://github.com/jsdhami/data-science-with-python
Data Science With Python->Target: AI/ML
ai articicial-inteligence deep-learning deep-neural-networks mathematics-machine-learning matplotlib ml numpy pandas python pytourch statistics tensorflow
Last synced: 30 Mar 2025
https://github.com/oguzhansarigol/expected-goals-xg-data-analysis
We will analyze in our code the expected goal locations of football players based on which areas of the field, at what times, with which feet, using which parts of their bodies, and from which angles and distances they are most likely to score.
data-analysis-python expected-goals numpy pandas-python python
Last synced: 06 Apr 2025
https://github.com/tasninanika/k-nearest_neighbors
K-Nearest Neighbors (KNN) is a simple and powerful machine learning algorithm used for classification and regression.
knn matplotlib numpy python3 seaborn
Last synced: 16 Aug 2025
https://github.com/sitamgithub-msit/maldetect
A Deep Learning application for Malaria Detection
comet-ml containers deep-learning docker efficientnetb0 experiment-tracking flask-api google-cloud-build google-cloud-platform google-cloud-run html-css-javascript keras-cv keras3 matplotlib numpy pytest python serverless tensorflow tensorflow-datasets
Last synced: 23 Mar 2025
https://github.com/algab/recommedation-content-based
Application of film recommendations from the IMDB database, using as a strategy the content-based recommendation
Last synced: 31 Dec 2025
https://github.com/zazi2002/neuroscience-reinforcement-learning
Neuroscience of Learning, Memory, Cognition project, containing a Jupyter notebook implementing a reinforcement learning approach for a neuroscience-related task.
deep-learning matplotlib numpy pytorch reinforcement-learning
Last synced: 10 Nov 2025
https://github.com/psp515/differentalequations
Differental Equations course on AGH UST 22/23.
numerical-methods numpy python
Last synced: 14 May 2025
https://github.com/pandeyankit123/books-recommender-system-using-machine-learning
This is a streamlit web application that can recommend various kinds of similar books based on an user interest.
jupyter-notebook machine-learning numpy pandas pickle python streamlit
Last synced: 30 Dec 2025
https://github.com/htlinh0604/invoice-data-extraction
This project demonstrates a classic OCR pipeline. This Flask app takes an image, applies an OpenCV preprocessing pipeline, and uses Tesseract OCR to digitize Vietnamese invoices (Bách Hóa Xanh)..
flask numpy ocr-recognition opencv pandas python regex tesseract-ocr
Last synced: 10 Nov 2025
https://github.com/kumartusha/data_scientist-ai-ml-_training_anudip_foundation
Anudip Foundation Data Analytics Training 📊 A repository containing projects, assignments, and coursework from the Anudip Foundation Data Analytics training program. This includes work on: 🧹 Data Cleaning & Preprocessing 📉 Data Visualization & EDA 📊 Statistical Analysis
excel matplotlib numpy pandas powerbi python scipy sql
Last synced: 31 Dec 2025
https://github.com/m-rishab/housing-price-prediction
The Housing Price Prediction Accuracy Improvement project is a data-driven initiative focused on enhancing the precision and reliability of housing price predictions. This project encompasses a multidisciplinary approach, combining data science, machine learning, and real estate insights to optimize the accuracy of forecasts in the housing market.
gridsearchcv hyperparameter-tuning matplotlib matplotlib-pyplot numpy pandas pickle python3 randomforestregressor scipy sklearn
Last synced: 15 Mar 2025
https://github.com/guilhermebit/movie-suggestions-using-k-nearest-neighbors
This project implements a movie recommendation system using the K-Nearest Neighbors (KNN) machine learning algorithm.
algorithms data-science euclidean-distance knn machine-learning matplotlib numpy pandas python
Last synced: 14 Aug 2025
https://github.com/m-faizan-mahmood/detailed-exploratory-data-analysis-eda-marketing-recomendations.
This project focuses on cleaning, preprocessing, and analyzing data using Pandas and NumPy. Key steps include handling missing values, removing outliers, feature engineering, and exploratory data analysis (EDA). Visualizations with Matplotlib and Seaborn highlight trends in customer spending, campaign performance, and product sales.
big-data data-analysis data-processing data-science eda exploratory-data-analysis numpy pandas python
Last synced: 30 Dec 2025
https://github.com/mathpfreitas/top-hits-spotify-2000-to-2019-
# 🎧 Top Hits Spotify (2000 - 2019)Explore music trends from 2000 to 2019 with this dataset of songs, artists, and genres. Use the insights to understand what makes a hit in today's music landscape. 🐙💻
analysis analytics chart data-analysis data-visualization exploratory-data-analysis hits interactivedashboards jupyter-notebook matplotlib music musical numpy pandas plotly python timeseries track-hits
Last synced: 01 Jul 2025
https://github.com/skazemi/genadequacy.jl
Tools for single node generation adequacy analysis
adequacy analysis generation julia numpy power-grids power-systems power-systems-analysis python simulation
Last synced: 23 Feb 2025
https://github.com/galihru/githubiotpy
GitHubIoT is a comprehensive toolkit designed to simplify the visualization of IoT (Internet of Things) data with seamless GitHub integration. The application provides an intuitive graphical interface for real-time data monitoring, analysis, and configuration
cli esp32 esp8266 github-actions github-iot matplotlib numpy pypi-packages python tkinter
Last synced: 28 Jul 2025
https://github.com/nishkarsh25/end_to_end_real_estate_price_prediction_project
This data science project series walks through step by step process of how to build a real estate price prediction website. We will first build a model using sklearn and linear regression using banglore home prices dataset from kaggle.com. Second step would be to write a python flask server that uses the saved model to serve http requests....
css html javascript jupyter-notebook matplotlib numpy pandas python python-flask-server sklearn
Last synced: 15 Mar 2025
https://github.com/docsallover/spam-detection
Building a Spam Filter with Python: Using Machine Learning to Combat Spam
datascience flask jinja2 machine-learning numpy numpy-library pandas pandas-python python python3 scikit-learn
Last synced: 30 Dec 2025
https://github.com/h3ar7b3a7/exploringjupyterlab
This is just an exploration in using Jupyter Lab, Notebook and some useful Python libraries. Some basic commands, markups and extensions setup are documented here too.
bokeh extensions jupyterlab matplotlib notebook-jupyter numpy pandas
Last synced: 04 Mar 2025
https://github.com/k4u5h4l/curve-fitting-from-scratch
A regression curve fitted on some points and implemented from scratch using python.
curve-fitting jupyter-notebook numpy python regression
Last synced: 22 Jun 2025
https://github.com/camilajaviera91/apache-beam-pipeline-first-approach
This code demonstrates how to integrate Apache Beam with scikit-learn datasets and perform simple data transformations. It loads the Linnerud dataset from scikit-learn, converts it into a Pandas DataFrame for easier manipulation.
apache-beam dataframes glob kmeans-clustering matplotlib-pyplot mean-absolute-error mean-square-error numpy os pandas pipelines scipy-stats seaborn silhouette-score sklearn sklearn-datasets standardscaler
Last synced: 04 Oct 2025
https://github.com/arshitarora/image-overlaying-prespective
Perform perspective warping and image fusion in Python using OpenCV and NumPy. Select four points on the base image to define the region where the subject image will be warped and fused. The script creates a fused image and saves it as Final_Output.png. 🖼️🌌🔮
image numpy opencv python swap
Last synced: 29 Mar 2025
https://github.com/thamirisq/data_analysis_culinary_journey
Project to analyze key information from Culinary Jorney, a marketplace Company, and develop an initial strategy to lead the entire team effectively.
folium-maps groupby-method jupyter-notebook markercluster marketplace-ds matplotlib-pyplot numpy pandas pandas-dataframe streamlit
Last synced: 31 Dec 2025
https://github.com/affromero/pixelcache
A versatile image processing library for Python with built-in support for caching, using Pillow, NumPy, and PyTorch.
image-processing numpy opencv pillow pytorch torchvision
Last synced: 25 Jun 2025
https://github.com/burhanahmed1/data-analysis-with-python
Data-Acquisition and Basic Insights, Data Wrangling, Exploratory Data Analysis (EDA), and Training Prediction Models(Machine Learning) on two datasets.
data-analysis data-aquisition data-insights data-science data-wrangling dataanalytics datascience-machinelearning eda exploratory-data-analysis machine-learning-models matlpotlib numpy pandas practice-programming prediction-model python scikit-learn scikitlearn-machine-learning seaborn
Last synced: 24 Feb 2025
https://github.com/myounus-codes/saleprice-prediction-dataset-analysis-and-cleaning-advance-regression
In this project I have cleaned the data for the model. Project Google Colab Link: https://colab.research.google.com/drive/1vQY-XEFJSdEkW2PQOSf1j13Yk8L-XXNw?usp=sharing
algorithms data-analysis data-science eda google-colab machine-learning numpy pandas python scikit-learn scikit-learn-python
Last synced: 18 Sep 2025
https://github.com/m-faizan-mahmood/house-price-prediction-machine-learning-model
Implemented a Multiple Linear Regression model to predict house prices based on square footage, number of bedrooms, and age of the house.
artificial-intelligence data-analysis data-science data-visualization machine-learning machine-learning-algorithms matplotlib neural-network numpy pandas predictive-modeling python regression-models seaborn sklearn
Last synced: 25 Dec 2025
https://github.com/avijit-jana/used-car-price-prediction
A Streamlit-based application utilizing machine learning to predict used car prices based on features like make, model, year, fuel type, and transmission, enhancing customer experience and streamlining the pricing process.
carpriceprediction data-science jupyter-notebooks machine-learning numpy pandas pickle pricing-data-science python3 streamlit streamlit-webapp webapplication
Last synced: 30 Dec 2025
https://github.com/hanzopgp/lstmcryptopriceprediction
TensorFlow LSTM neural networks which predict cryptocurrencies future prices. Starting from Sentdex's tutorial.
artificial-intelligence deep-learning lstm-neural-networks machine-learning matplotlib numpy personal recurrent-neural-networks tensorflow
Last synced: 11 Aug 2025
https://github.com/virajbhutada/google-stock-price-forecasting-lstm
Analyzing and predicting Google's stock prices through detailed data exploration and advanced LSTM models. This project involves data preprocessing, creating time-series sequences, constructing and training LSTM networks, and evaluating their performance to forecast future stock prices utilizing Python and Machine Learning libraries.
data-analysis data-science data-visualization future-prediction google-dataset google-stock-price-prediction google-stocks lstm-model lstm-neural-network machine-learning machine-learning-models matplotlib model-building model-training numpy python stock-forecasting
Last synced: 27 Feb 2025
https://github.com/rixiiz/knn-model-to-predict-the-obp-of-mlb-players
A machine learning model I built that can predict the On Base Percentage (OBP) of Major League Baseball (MLB) players at the end of the season
artificial-intelligence dataset f1-score jupyter-notebook knn-regression machine-learning matplotlib mse numpy pandas python scikit-learn supervised-learning
Last synced: 01 Jul 2025
https://github.com/nirmalyabag20/breast-cancer-prediction-using-machine-learning
This project leverages machine learning to classify breast cancer as malignant or benign based on tumor characteristics. By applying and evaluating multiple algorithms, the model achieves high accuracy, demonstrating the practical application of data-driven solutions in medical diagnostics.
logistic-regression matplotlib numpy pandas python scikit-learn seaborn
Last synced: 09 Sep 2025
https://github.com/nemeslaszlo/lending-club-analysis
Lending Club analysis, with a model that can predict whether or nor a borrower will pay back their loan.
binary-classification classification data-visualization keras matplotlib numpy pandas seaborn tensorflow
Last synced: 30 Dec 2025
https://github.com/sreejabethu/cost-of-living-index-globally
This Streamlit app is a data visualization tool that allows users to explore and compare the cost of living indices across different countries. The app takes in a dataset of cost of living indices for various countries and provides an interactive interface for users to select specific indices and countries to visualize.
bargraphs costofliving costoflivingindex datavisualization index matplotlib-pyplot numpy pandas-dataframe plotly python seaborn streamlit-webapp
Last synced: 21 Mar 2025
https://github.com/shemanto27/python_flask_colour_palette_generator
A colour palette generator from images tool, built using Python Flask
Last synced: 06 Apr 2025
https://github.com/aroojzahra908/artifical-intelligence-and-machine-learning-
Explore the basics of linear regression, gradient descent, and AI using Python. Get hands-on with NumPy, pandas, Matplotlib, and scikit-learn for practical learning.
artificial-intelligence gradient-descent linear-regression machine-learning matplotlib numpy pandas scikit-learn-python
Last synced: 31 Mar 2025
https://github.com/docsallover/real-time-object-detection
Real-Time Object Detection with Single Shot MultiBox Detector (SSD)
data-science data-science-projects detection machine-learning numpy opencv python single-shot-detection single-shot-multibox-detector tensorflow
Last synced: 24 Mar 2025
https://github.com/anoopgeorge418/my-learnings
Learning Topics Related Data-Science and Web-Development From Complete Scratch.
bokeh bootstrap css folium html matplotlib numpy pandas plotly python scikit-learn seaborn
Last synced: 30 Dec 2025
https://github.com/alexandrbig1/algo-py
A Python project focused on fundamental knowledge of algorithms and data structures. This repository provides clear implementations and explanations to help understand core algorithmic concepts.
algorithms git heapq matplotlib numpy python python3 turtle
Last synced: 04 Oct 2025
https://github.com/chandadiya2004/mnist-digit-classification
This repository demonstrates MNIST digit classification using deep learning. It includes a neural network model built with frameworks like TensorFlow to classify handwritten digits (0-9) from the MNIST dataset. The project covers data loading, preprocessing, model training, evaluation, and accuracy visualization.
confusion-matrix cv2 google-colab-patches keras matplotlib-pyplot numpy pillow python seaborn tensorflow
Last synced: 29 Aug 2025
https://github.com/mardavsj/weather-prediction
Weather prediction model which mainly focuses on visualization.
data-analysis data-visualization matplotlib numpy pandas pandas-dataframe
Last synced: 08 Apr 2025
https://github.com/witch-world/iris-flower-classification-decision-tree-classifier
ai algorithms artificial-intelligence decision-tree decision-tree-classifier machine-learning machine-learning-algorithms machinelearning-python matplotlib numpy numpy-arrays pandas pandas-dataframe pandas-python python python3 scikit-learn
Last synced: 05 Mar 2025
https://github.com/aymen016/emotion-recognition-using-face-detection
A deep learning-based project that detects human faces and predicts their emotions in real-time using OpenCV and a trained neural network model.
gpu-acceleration haar-cascade-classifier keras-tensorflow matplotlib numpy opencv python
Last synced: 04 Oct 2025
https://github.com/ananupam/eda-titanic
An Exploratory Data Analysis project done on Titanic Dataset.
Last synced: 17 Apr 2025
https://github.com/ul-mds/gecko-data
Example data sources as a starting point for working with Gecko
data-science numpy pandas python record-linkage
Last synced: 29 Mar 2025
https://github.com/ZauJulio/FeaturesAnalyzer
Python data analyze and machine learning tool
gtk machine-learning numpy pandas python sklearn
Last synced: 10 Aug 2025
https://github.com/chr5tphr/funcache
Minimally cache python function outputs on disk!
cache disk functions hash memoization metrohash numpy python pytorch
Last synced: 10 Aug 2025
https://github.com/erenokur/machine-learning-playground
Experiment with machine learning and AI algorithms, write guides, and documents.
hidden-markov-model machine-learning numpy python pytorch sckit-learn tensorflow
Last synced: 31 Mar 2025
https://github.com/sumitgirwal/drinks-dataset-data-analysis
A drinks dataset from Kaggle. Applying analysis using Python, NumPy, Pandas, Matplotlib.
dataanalysis drinks-dataset kaggle matplotlib numpy pandas python3
Last synced: 16 Oct 2025