Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
NumPy
![](https://explore-feed.github.com/topics/numpy/numpy.png)
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: 2025-02-18 00:21:39 UTC
- JSON Representation
https://github.com/stanczakdominik/schrodinger_1d
Schrodinger equation solver in 1D
matplotlib numpy pde schrodinger-equation
Last synced: 04 Feb 2025
https://github.com/miteshputhran/analysis-using-python
Analysis using Natural Language Toolkit(NLTK), Numpy, Pandas and Matplotlib
analysis folder-structure json matplotlib nltk numpy pandas python zipf
Last synced: 04 Dec 2024
https://github.com/tugot17/knn-algorithm-from-scratch
The K Nearest Neighbors algorithm, written from scratch using the Python programming language
from-scratch k-nearest-neighbours knn numpy python
Last synced: 22 Jan 2025
https://github.com/datarohit/clothes-size-prediction
This dataset has the age, weight, height, etc about people and the size of clothes that they wear. This dataset has a lot of outliers in it thus reducing the accuracy of the model.
classification machine-learning matplotlib-pyplot numpy pandas seaborn sklearn
Last synced: 15 Feb 2025
https://github.com/bucknalla/ofdm_verilog
Example of OFDM in Python and Verilog
Last synced: 11 Nov 2024
https://github.com/dineshpinto/data-aggregator
A high performance solution to analysing millions of incoming data points using JIT, vectorisation and C arrays.
data-science high-performance numpy python
Last synced: 04 Feb 2025
https://github.com/ineelhere/machine-learning-and-data-science
This repository contains basic to advanced codes related to data science and machine learning concepts using python. This is a learning endeavour using several online resources.
datascience machinelearning matplotlib numpy pandas scikitlearn seaborn
Last synced: 13 Feb 2025
https://github.com/shreyansh055/dynamic_pricing_strategy_055
Dynamic Pricing Strategy Project: This project utilizes machine learning algorithms in Python to optimize ride-sharing prices through real-time demand and supply analysis. By leveraging historical Uber data, it dynamically adjusts prices to maximize revenue and improve customer satisfaction.
machine-learning numpy pandas python scikit-learn
Last synced: 14 Nov 2024
https://github.com/ahmedshahriar/sentiment-analysis
Sentiment Analysis Projects
adam-optimizer data-science-projects deep-learning deep-neural-networks dense densely-connected-networks jupyter-notebook long-short-term-memory lstm-model lstm-sentiment-analysis machine-learning matplotlib numpy pandas scikit-learn sentiment-analysis tensorflow tensorflow-hub tensorflow-models tensorflow-text
Last synced: 13 Feb 2025
https://github.com/diusmontenegro/python3-miniprojects
This my mini-projects that you may be interested in doing too... Enjoy!!
langdetect machine-learning matplotlib numpy opencv python3 tabula tkinter-gui torch
Last synced: 11 Jan 2025
https://github.com/vaibhav-kesarwani/books_recommendation_system
A 𝗕𝗼𝗼𝗸 𝗥𝗲𝗰𝗼𝗺𝗺𝗲𝗻𝗱𝗮𝘁𝗶𝗼𝗻 𝗦𝘆𝘀𝘁𝗲𝗺 📚 uses algorithms to suggest books based on user preferences and behavior. It personalizes recommendations, helping readers discover new titles that match their interests 🌟.
dataset jupyter-notebook numpy pandas plotly python3 sklearn
Last synced: 09 Feb 2025
https://github.com/yashkarthik/graphicallly
Plot polynomial and trigonometric expressions in browser using python.
dash logarithms numpy plot-functions python3 trigonometric-functions
Last synced: 31 Dec 2024
https://github.com/saptarshi11/roadsenseai
Roadsense.AI refers to the process of categorizing road traffic accidents based on their severity.
artificial-intelligence machine-learning mathplotlib numpy pandas python seaborn
Last synced: 13 Feb 2025
https://github.com/praju-1/numpy
Repository about Numpy and all its method with proper description
Last synced: 08 Feb 2025
https://github.com/drreetusharma/mental_health_brain_tumor_classification
Multi-Classification-Brain-Tumor_datasets
machine machine-learning matplotlib-pyplot neural-network numpy pandas scikit-learn seaborn
Last synced: 06 Feb 2025
https://github.com/omagrawal1111/invisibility-cloak
A Python Program to make anything invisible which comes under red cloth
Last synced: 20 Jan 2025
https://github.com/ksharma67/heart-failure-prediction
This problem is a typical Classification Machine Learning task. Building various classifiers by using the following Machine Learning models: Logistic Regression (LR), Decision Tree (DT), Random Forest (RF), XGBoost (XGB), Light GBM and Support Vector Machines with RBF kernel.
auc-roc-curve auc-roc-score decision-trees eda eli5 gridsearchcv lightgbm lime logistic-regression numpy pandas python random-forest seaborn shap skit-learn sklearn svm xgboost
Last synced: 16 Feb 2025
https://github.com/jesussantana/data-science-with-python-it-academy
Learn how to extract value from data by ingesting, transforming, storing, analyzing, and visualizing data
classification-model clustering-methods dash data-analysis data-mining data-science database machine-learning matplotlib mongodb numpy pandas plotly python3 regression-models seaborn sklearn sql web-scraping
Last synced: 12 Nov 2024
https://github.com/michedev/tensorguard
TensorGuard helps to guard against bad Tensor shapes in any tensor based library
deep-learning numpy pytorch tensorflow
Last synced: 13 Feb 2025
https://github.com/amankanojiya/rubic-cube-detector
Rubic Cube Detection Using OpenCV
argparse numpy opencv opencv-python os python3
Last synced: 11 Jan 2025
https://github.com/koushik-elite/tv-script-generation
TV Script Generation from Udacity Deep Learning Nanodegree
deep-learning machine-learning nanodegree neural-network notebook notebook-jupyter numpy python pytorch recurrent-neural-networks regression-models rnn-pytorch
Last synced: 22 Jan 2025
https://github.com/ranjan2104/multi-face-recognition-based-detect-system
Face Recognition System Uses for multi Face Detection. It is a Real time Detection System that can be Easily Port on any Hardware Devices due to its written in python. The Model First Train the Faces and after that Predict the output with more than 85%+ confidence due to its model classifier training with good algorithms so that predict with more accuracy by the help of OpenCV Module Haarcascade classifier and using numpy and pandas to fiIt is a Multi nd an pixel array of images and put operations over there.
datetime numpy opencv-contrib-python pandas pillow pytest-shutil python-csv time tk-tools
Last synced: 08 Jan 2025
https://github.com/ksharma67/partial-dependent-plots-individual-conditional-expectation-plots-with-shap
The goal of SHAP is to explain the prediction of an instance x by computing the contribution of each feature to the prediction. The SHAP explanation method computes Shapley values from coalitional game theory. The feature values of a data instance act as players in a coalition.
eda individual-conditional-expectation matplotlib numpy pandas partial-dependence-plot python seaborn shap shapley-additive-explanations sklearn xgboost
Last synced: 16 Feb 2025
https://github.com/amirzenoozi/image-color-analyzer
A Simple Color CLI Analyzer For Images
analyzer chart cli color color-analysis color-palette color-scheme fastapi kmeans kmeans-algorithm kmeans-clustering kmeans-clustering-algorithm matplotlib numpy opencv python python-script python3 telegram-bot uvicorn
Last synced: 21 Jan 2025
https://github.com/udityamerit/breast-cancer-prediction-using-different-ml-models
The `all_MLpackage` is a Python tool for breast cancer detection using scikit-learn's machine learning algorithms. It automates model training, generates accuracy comparisons, and helps identify the best-performing algorithm for diagnosis.
classification knn-algorithm logistic-regression machine-learning numpy pandas scikit-learn svm-model
Last synced: 15 Dec 2024
https://github.com/ankitdhall/convolutionneuralnetwork
CNN implemented using Numpy in Python
cnn convolutional-neural-networks neural-network numpy python
Last synced: 30 Jan 2025
https://github.com/konjkov/pycasino
Python realisation of Casino (QMC) program
mpi4py numba numpy python3 quantum-chemistry quantum-monte-carlo scipy
Last synced: 13 Oct 2024
https://github.com/winston-dsouza/movie-recommender-system
Machine Learning for movie suggestion
genre kmeans-clustering machine-learning matplotlib movie-recommendation numpy pandas python python3 random-forest ratings recommender-system scikit-learn
Last synced: 15 Jan 2025
https://github.com/psmths/bigram-file-analysis
Proof of concept that leverages machine learning to classify files based on their bigram frequency distributions.
bigrams file-analysis jupyter-notebook machine-learning matplotlib numpy python
Last synced: 17 Jan 2025
https://github.com/mongoexpuser/geological-image-classification-dnn
Geological Image Classification with Deep Feed-Forward Neural Network
keras matplotlib numpy pandas python scikit-image tensorflow
Last synced: 28 Nov 2024
https://github.com/rajanmandanka07/face-recognition
This Face Recognition System allows adding new faces, training a classifier, and real-time face recognition using a webcam. Built with Python and OpenCV.
classifier-training face-recognition haar-cascade-classifier image-processing lbph-face-recognizer numpy opencv-python pillow
Last synced: 08 Jan 2025
https://github.com/soulyma/devices-price-classification-system-using-python-and-django
Devices Price Classification System (AI System) using Python and linked with Django
ai artificial-intelligence django-project django-rest-framework machine-learning matplotlib ml numpy pandas python seaborn sklearn
Last synced: 13 Feb 2025
https://github.com/adamouization/neural-network-ticketing-routing-agent
:ticket: Ticketing-routing agent using neural networks trained to submit new tickets based on pre-determined optimal parameters.
ai artificial-intelligence artificial-neural-networks decision-tree heatmap matplotlib multilayer-perceptron multilayer-perceptron-network neural-network numpy pandas scikit-learn scikitlearn-machine-learning ticketing-system
Last synced: 05 Jan 2025
https://github.com/akash-rajak/image-snipper
Python script to snip any part of image.
cv2 gui image image-snipping numpy python3 snip tkinter
Last synced: 01 Feb 2025
https://github.com/spenceypantsy1/mnist-neural-network-with-numpy
A neural network built from scratch using NumPy to classify MNIST handwriting data. Focused on understanding the mathematics and algorithms behind deep learning.
backpropagation deep-learning image-classification machine-learning mathematics mnist neural-networks numpy python
Last synced: 28 Nov 2024
https://github.com/princebanerjee04/darpansur
"Darpan-Sur" application, your personalized music recommendation platform designed to cater to your emotions. “Darpan-Sur” uses advanced AI algorithms to curate playlists that perfectly match your current mood, making every song a reflection of how you feel. Say goodbye to generic playlists and embrace the power of emotion in your music experience.
cv2 keras mediapipe numpy python tkinter
Last synced: 27 Nov 2024
https://github.com/akash-rajak/image-contours-co-ordinates
Python Script to get the Counters co-ordinates in image.
contours-co-ordinate contours-detection cv2 image numpy python3 tkinter
Last synced: 01 Feb 2025
https://github.com/real0x0a1/objectdetection
Real-time Object Detection using YOLOv
Last synced: 13 Jan 2025
https://github.com/akash-rajak/image-segmentation
Python script to marks the segments in image.
cv2 image-segmentation numpy os python3 random tkinter
Last synced: 01 Feb 2025
https://github.com/jpcadena/classification-tweets-national-security-ecuador
Classification of Tweets about national security at Ecuador 2022
classification classification-model data-analysis data-science ecuador insecurity machine-learning natural-language-processing nlp nltk numpy pandas python pytorch scikit-learn snscrape supervised-learning tensorflow tweet twitter
Last synced: 15 Jan 2025
https://github.com/owainkenwayucl/fractals
Python (some Julia!) tools for generating fractals
julia-sets julialang mandelbrot numpy python3
Last synced: 28 Jan 2025
https://github.com/prabhupavitra/numpy-guide-for-data-science
A Hands-On NumPy Tutorial for Data Scientists
aggregations data-science fancyindexing jupyter-notebook numpy numpy-tutorial python python3 sorting vectorized-computation
Last synced: 26 Jan 2025
https://github.com/antonio-f/tensorflow2_digits_classification-linear_classifier-mlp
TensorFlow2 digits classification - Linear Classifier and MLP
deep-learning digit-classification linear-classifier linear-model logistic-classifier logistic-regression machine-learning matplotlib mlp mnist multilayer-perceptron-network neural-networks numpy python tensorflow2 tutorial
Last synced: 06 Feb 2025
https://github.com/soumyaco/chatclarity
Whats App group chat analytics and Searching (AI powered)
flask fullstack huggingface machine-learning numpy pandas python react-plotlyjs reactjs whatsapp
Last synced: 06 Feb 2025
https://github.com/nicolasperez19/mic-master-flex
MicMasterFlex is a web app that allows users to configure the positions of a microphone array on an interactive grid. Designed for audio engineers and researchers, this tool offers an intuitive interface for precise microphone placement, enabling users to simulate and optimize array setups for various acoustic applications.
ai astro audio-processing grid-configuration microphone-array numpy numpy-arrays productivity react research robotics tailwindcss typescript
Last synced: 13 Feb 2025
https://github.com/gahogg/rl_learn
A package to accompany the book "Reinforcement Learning: A Python Introduction"
numpy python reinforcement-learning reinforcement-learning-algorithms reinforcement-learning-environments
Last synced: 17 Jan 2025
https://github.com/aaaastark/hybrid-model-with-cnn-lstm-python
Hybrid Model with CNN and LSTM for VMD dataset using Python
cnn-architecture cnn-classification cnn-keras cnn-lstm-models cnn-model data-science deep-learning hybrid-model keras lstm-model lstm-neural-network machine-learning matplotlib numpy pandas python sklearn tensorflow vmd
Last synced: 15 Jan 2025
https://github.com/vidhi1290/python-course
Welcome to the Python Mastery Course Repository! Discover Python's depth and power through our meticulously crafted modules. From foundational concepts to advanced techniques, master loops, functions, data analysis with Pandas, and more. Join us in this exciting journey to Python proficiency! 🐍🚀
artificial-intelligence data-science dataanalysis debugging functions machine-learning merging-algorithms mongodb multithreading mysql-database numpy numpy-arrays object-oriented-programming pandas python pythonbasics regex
Last synced: 02 Feb 2025
https://github.com/nomonosound/numpy-rms
Calculate RMS swiftly (SIMD-accelerated)
arm-neon c float32 numpy numpy-library python simd x86-64
Last synced: 15 Dec 2024
https://github.com/noaa-mdl/grib2io-interp
Interpolation component for grib2io interfacing to the NCEPLIBS-ip library
atmospheric-science data-science f2py fortran grib2 interpolation interpolation-methods meteorology ncep nceplibs nceplibs-ip numpy weather weather-data
Last synced: 13 Feb 2025
https://github.com/tylerdougan/waltlabtools
A collection of tools for biomedical research assay analysis in Python.
assay biomedical-data-science calibration-curve concentrations curve-fitting diagnostics elisa modeling numpy python
Last synced: 14 Oct 2024
https://github.com/akash-rajak/map-coloring
Python script to implement map coloring by analyzing the map in segments.
cv2 map map-coloring numpy os python3 random tkinter
Last synced: 01 Feb 2025
https://github.com/noahfeldt/ann-from-scratch
Implementation of a multi layer perceptron artificial neural network from scratch that is tested using the MNIST dataset.
artificial-intelligence artificial-neural-networks image-classification machine-learning ml mlp mlp-classifier mnist mnist-classification mnist-dataset mnist-handwriting-recognition multi-layer-perceptron neural-network nn numpy python reinforcement-learning
Last synced: 18 Jan 2025
https://github.com/codernayeem/graph-gen-analyzer
Generate 2D graph and slope and analyze data.
evaluation fbs graph matplotlib numpy polynomial pyqt5 python slope-calculation
Last synced: 02 Feb 2025
https://github.com/muhammedbuyukkinaci/tensorflow-text-generator
TensorFlow Text Generation using LSTM's.
lstm numpy tensorflow text-generation
Last synced: 09 Feb 2025
https://github.com/aliosmankaya/DataScienceProjects
This repository for my Data Science, Machine Learning and Deep Learning projects. I want to share my work on this areas.
breast-cancer-wisconsin chest-xray classification data-science deep-learning imagedatagenerator insurance kaggle keras machine-learning matplotlib-pyplot numpy pandas python regression seaborn tensorflow tensorflow2 titanic-kaggle
Last synced: 27 Nov 2024
https://github.com/efecanxrd/simple-cartoonize-image
Cartoonizing images with simple way.
cartography cartoon cartoonization cartoonize cartoonizer numpy scipy
Last synced: 15 Jan 2025
https://github.com/gill-singh-a/rocket-simulator
Simulates the Flight of a Rocket by plotting its Altitude, Vertical Velocity, Vertical Acceleration and Vertical Forces acted upon the Rocket vs Time.
math matplotlib numpy physics python python3 rocket rocket-simulation rocket-simulator simulation simulator sympy
Last synced: 04 Jan 2025
https://github.com/ayushmankumar7/pyopencl-windows
Install PyOpenCL for Windows 😉
numpy opencl pyopencl python python3 windows windows-10
Last synced: 29 Jan 2025
https://github.com/tritonix711/ai-content-verifier
AI Content Verifier is a tool that finds out if text is written by AI or humans. It uses machine learning and natural language processing to give clear results and confidence scores. With an easy-to-use interface, it helps everyone from researchers to content creators check if the content is real or not.
git machine-learning nlp nltk numpy pandas python scikit-learn spacy tkinter
Last synced: 09 Jan 2025
https://github.com/trainingbypackt/data-wrangling-with-python-elearning
Creating actionable data from raw sources
beautifulsoup4 data-science data-wrangling matplotlib numpy pandas python web-scraping
Last synced: 14 Nov 2024
https://github.com/florianwoelki/neural-network-weed-detection
This repository contains a custom made neural network which will classify weed.
classification images multiclass-classification multiclass-neural-network neural-network numpy python3
Last synced: 27 Jan 2025
https://github.com/mohitbansal964/image-processing-algorithms
Implementation of various Image Processing Algorithms
cv2 digital-image-processing gonzalez image-processing matplotlib numpy opencv opencv-python pandas pillow python python3
Last synced: 17 Jan 2025
https://github.com/krishmunot/spam-detector
Spam detection using Neural Nets and back propagation
backward-chaining hacktoberfest hacktoberfest2020 machine-learning numpy spam-detection
Last synced: 02 Dec 2024
https://github.com/nikoshet/amazon-customer-reviews-data-mining
Project for course 'Data Mining' for M.Sc. 'Data Science and Machine Learning' in NTUA
data-mining data-science keras-tensorflow numpy pandas python
Last synced: 09 Nov 2024
https://github.com/asem000/sepes
Nested tree tools in python
jax nested-structures numpy torch tree
Last synced: 09 Dec 2024
https://github.com/cploutarchou/web-scraping-with-python
A StackOverflow Web Scaper in python and MongoDB
beautifulsoup dashboard docker dockercompose mongodb numpy pandas python scraper scraping
Last synced: 12 Nov 2024
https://github.com/nick8592/icp-point-cloud
fast-global-registration global-registration icp iterative-closet-point numpy open3d python
Last synced: 30 Jan 2025
https://github.com/fsquillace/notebooks
Various examples of handy Jupyter notebooks
ipywidgets jupyter-notebook matplotlib numpy
Last synced: 13 Feb 2025
https://github.com/vmeazevedo/text_codifier
Script para codificação/decoficação de dados armazenados em um arquivo de texto.
Last synced: 13 Feb 2025
https://github.com/kenmwaura1/python-sort
Simple python script to generate a list of random numbers and insert them in a db
Last synced: 14 Dec 2024
https://github.com/analyticalmonk/blaze_getting_started
Introduction to the Blaze ecosystem.
blaze jupyter-notebook numpy pandas pydata python3
Last synced: 31 Dec 2024
https://github.com/raihan4520/ml
A collection of machine learning projects showcasing various algorithms and techniques, including a final project for the Machine Learning course at AIUB.
data-preprocessing jupyter-notebook machine-learning model-evaluation numpy pandas python scikit-learn
Last synced: 11 Feb 2025
https://github.com/i4ds/ecallisto_ng
Ecallisto NG is a Python package tailored for interacting with Ecallisto data.
data-analysis data-visualization e-callisto ecallisto-international-network numpy pandas python spectrometer
Last synced: 09 Nov 2024
https://github.com/numpy/user-survey-2020-details
Analysis and publication of NumPy community survey results
community development numpy survey
Last synced: 04 Feb 2025
https://github.com/neo-mashiro/mri
3D volumetric medical image analysis without OpenCV.
cnn-keras matplotlib mri numpy opencv3 python tutorial
Last synced: 08 Dec 2024
https://github.com/bhavik-jikadara/lgmvip-datascience
LetsGrowMore Virtual Internship Program 2021
data-science jupyter jupyter-notebook machine-learning matplotlib-pyplot numpy pandas python seaborn sklearn
Last synced: 03 Jan 2025
https://github.com/ibnaleem/snapscoretracker
👻 A Snapscore tracker that reports various metrics such as time differences, score increases, snaps sent and received, snap rates per minute, hour, and day and much more
numpy osint osint-python osint-resources osint-tool osint-tools pandas python snapchat snapchat-score snapscore snapscore-bot snapscore-tracker snapscoretracker
Last synced: 15 Dec 2024
https://github.com/bhavik-jikadara/thesparksfoundation-data_science_and_business_analytics
Data Science and Business Analytics Internship - The Sparks Foundation
data-science jupyter-notebook machine-learning matplotlib-pyplot numpy pandas python seaborn sklearn
Last synced: 03 Jan 2025
https://github.com/illagrenan/django-numpy-json-encoder
Django JSON encoder with numpy support
Last synced: 18 Feb 2025
https://github.com/pspanoudakis/data-mining-techniques-projects
Data Visualization 📊 Clustering and Classification 🗂️ techniques on Customer 🛍️ & Book 📖 datasets
customer-personality-analysis goodreads-data matplotlib numpy pandas python-typing seaborn sklearn-classifier sklearn-clustering wordcloud
Last synced: 10 Feb 2025
https://github.com/behzodhalil/opencv-samples
A collection of samples about using OpenCV in Python
Last synced: 27 Jan 2025
https://github.com/andresmg07/landscape-recognizer
Supervised ML classification algorithm implemented through pattern recognition techniques and statistical methods.
artificial-intelligence machine-learning numpy opencv pattern-recognition python statistical-methods
Last synced: 30 Jan 2025
https://github.com/mgobeaalcoba/exploratory_data_analysis_course
Un repositorio donde iré cargando tutoriales y practicas de trabajos de analisis de datos exploratorios con pandas, numpy, mathplotlib, Plotly, etc
data-science deepnote google-colab jupyter-notebook matplotlib numpy pandas python seaborn
Last synced: 20 Jan 2025
https://github.com/ranjan2104/automobil-prediction-application
This Model is Built using Machine Learning Algorithm i.e Linear Regression and Sklearn so training and testing of data and uses Flask as in Backend and HTML, CSS and JS as in Frontend and the pickle module is used for make a .pkl file such that the data can be fetched using flask is possible and make the prediction of 88%+.
bootstrap4 css flask html js linear-regression numpy pandas pickle sklearn
Last synced: 08 Jan 2025
https://github.com/bsolomon1124/npaes
AES Encryption in NumPy
aes-encryption encryption numpy python python2 python3
Last synced: 02 Feb 2025
https://github.com/ranjan2104/diabetes-prediction-application
It is a Model that Predict the Diabetes Status of any person by just giving the some observations so that take the decision on that with the accuracy of 93%+. Due to Trained Model with Data sets so that able to predict very carefully on the previous decision it is supervised learning model using an algorithm is Linear regression and Sklearn for testing and Training the Model and Flask is Uses in Backend and in Frontend HTML, CSS, Js is Using.
flask gunicorn itsdangerous jinja2 markupsafe matplotlib numpy pandas scikit-learn scipy werkzeug
Last synced: 08 Jan 2025
https://github.com/joshuamhtsang/crystalninja
A code for generating crystal stuctures with defects for atomic simulation.
numpy python python3 virtualenv
Last synced: 24 Jan 2025
https://github.com/msjahid/machine-learning-projects
A collection of machine learning projects featuring models and algorithms for supervised and unsupervised learning, model evaluation, and optimization.
jupyter matplotlib numpy pandas python scikit-learn seaborn
Last synced: 13 Feb 2025
https://github.com/drsoliddevil/mlr-gd
Multiple linear regression by gradient descent.
data-science gradient-descent linear-regression machine-learning ml numpy python regression
Last synced: 04 Feb 2025
https://github.com/superlinear-ai/microgrpo
🐭 A tiny single-file implementation of Group Relative Policy Optimization (GRPO) as introduced by the DeepSeekMath paper
autograd grpo numpy reinforcement-learning
Last synced: 04 Feb 2025
https://github.com/gitaditee/extended-kalman-filter-algorithms
Kalman filter is an algo for estimating the state of a system for position and the speed of a car using past observation and current un- noising measurement of the system.
Last synced: 22 Jan 2025
https://github.com/helloharendra/data_visualization
Here I am using python (pandas,numpy, matlab. etc....)
data-visualization harendraprajapat helloharendra numpy panda python python3 visualization
Last synced: 04 Feb 2025
https://github.com/adtzlr/named-einsum
NumPy's Einsum, but with named subscripts.
Last synced: 13 Jan 2025
https://github.com/helloharendra/face-mask-detection-system-using-computer-vision
Face mask detection using computer vision streamlit web app.
face-mask-classification face-mask-detection face-mask-detector harendra-prajapati helloharendra hellooharendra matplot numpy opencv pandas python python3 sqlite sqlite-database streamlit streamlit-webapp tensorflow
Last synced: 04 Feb 2025
https://github.com/msjahid/data-science-projects
A collection of data science projects featuring techniques and methodologies for data preprocessing and exploratory analysis.
matplotlib numpy pandas plotly python seaborn
Last synced: 22 Nov 2024
https://github.com/amypad/numcu
Numerical CUDA-based Python library
array buffer c cpp cpython cpython-api cpython-extensions cuda cxx hacktoberfest numpy python vector
Last synced: 25 Nov 2024