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-16 00:22:51 UTC
- JSON Representation
https://github.com/engnadeau/pybotics
The Python Toolbox for Robotics
calibration doi dynamics hacktoberfest impedance-control inverse-kinematics kinematics math mathematics numpy pypi python python-toolbox research robot robotics scipy trajectory
Last synced: 10 Jan 2026
https://github.com/CICIFLY/Data-Analytics-Projects
This repository contains the projects related to data collecting, assessing,cleaning,visualizations and analyzing
data-analysis data-visualization jupyter-notebook matplotlib numpy pandas seaborn
Last synced: 02 May 2025
https://github.com/python-windrose/windrose
A Python Matplotlib, Numpy library to manage wind data, draw windrose (also known as a polar rose plot), draw probability density function and fit Weibull distribution
matplotlib numpy pandas python speed wind windrose
Last synced: 13 Apr 2025
https://github.com/cjekel/piecewise_linear_fit_py
fit piecewise linear data for a specified number of line segments
numpy piecewise-linear piecewise-regression python scipy segment segmented tensorflow
Last synced: 14 May 2025
https://github.com/rohintangirala/eulerian-remote-heartrate-detection
Remote heart rate detection through Eulerian magnification of face videos
bandpass-filter computer-vision eulerian-magnification fft heart-rate numpy opencv python scipy signal-processing
Last synced: 07 Apr 2025
https://github.com/pytroll/pyresample
Geospatial image resampling in Python
closember dask hacktoberfest kd-tree numpy python resampling xarray
Last synced: 08 Apr 2025
https://github.com/khanhnamle1994/fashion-recommendation
A clothing retrieval and visual recommendation model for fashion images.
computer-vision deepfashion fashion-recommendation floydhub numpy pandas python3 resnet tensorflow
Last synced: 09 Apr 2025
https://swcarpentry.github.io/python-novice-inflammation/
Programming with Python
automation carpentries data-analysis data-visualization english functions lesson loops matplotlib numpy programming python software-carpentry stable
Last synced: 08 May 2025
https://github.com/aryashah2k/Quantum-Computing-Collection-Of-Resources
A Well Maintained Repository On Quantum Computing Resources [Code+Theory] Updated Regularly During My Time At IBM, Qubit x Qubit And The Coding School's Introduction To Quantum Computing Course '21
cern ibm jupyter-notebook matplotlib numpy python qiskit qiskit-aqua qiskit-ibm-sdk qiskit-practice qiskit-tips-and-tricks qiskit-tutorial quantum quantum-algorithms quantum-computing quantum-information quantum-mechanics qubits qworld
Last synced: 14 Mar 2025
https://github.com/bamos/block
An intelligent block matrix library for numpy, PyTorch, and beyond.
deep-learning linear-algebra numpy pytorch
Last synced: 04 Apr 2025
https://github.com/pvigier/perlin-numpy
A fast and simple perlin noise generator using numpy
noise numpy perlin perlin-noise
Last synced: 04 Apr 2025
https://github.com/swcarpentry/python-novice-inflammation
Programming with Python
automation carpentries data-analysis data-visualization english functions lesson loops matplotlib numpy programming python software-carpentry stable
Last synced: 02 Apr 2025
https://github.com/lb2281075105/python-wechat-itchat
微信机器人,基于Python itchat接口功能实例展示:01-itchat获取微信好友或者微信群分享文章、02-itchat获取微信公众号文章、03-itchat监听微信公众号发送的文章、04 itchat监听微信群或好友撤回的消息、05 itchat获得微信好友信息以及表图对比、06 python打印出微信被删除好友、07 itchat自动回复好友、08 itchat微信好友个性签名词云图、09 itchat微信好友性别比例、10 微信群或微信好友撤回消息拦截、11 itchat微信群或好友之间转发消息
beautifulsoup4 bs4 echarts itchat jieba matplotlib matplotlib-live numpy os pandas pillow system time uuid wechat
Last synced: 28 Oct 2025
https://github.com/scikit-hep/pyhf
pure-Python HistFactory implementation with tensors and autodiff
asymptotic-formulas closember cls frequentist-statistics hep hep-ex high-energy-physics histfactory jax numpy python pytorch scientific-computations scikit-hep scipy statistical-inference statistics tensorflow
Last synced: 15 May 2025
https://github.com/jxareas/machine-learning-notebooks
The full collection of Jupyter Notebook labs from Andrew Ng's Machine Learning Specialization.
clustering deep-learning jupyter-notebook kmeans learn linear-regression logistic-regression machine-learning machine-learning-algorithms neural-network numpy python regression reinforcement-learning reinforcement-learning-algorithms supervised-learning tensorflow unsupervised-learning
Last synced: 16 May 2025
https://bionumpy.github.io/bionumpy/
Python library for array programming on biological datasets. Documentation available at: https://bionumpy.github.io/bionumpy/
Last synced: 10 May 2025
https://github.com/scikit-signal/tftb
A Python module for time-frequency analysis
matplotlib numpy python scipy signal-processing time-frequency-analysis
Last synced: 16 May 2025
https://github.com/trinkle23897/fast-poisson-image-editing
A fast poisson image editing implementation that can utilize multi-core CPU or GPU to handle a high-resolution image input.
cpp cuda high-performance-computing image-processing jacobi-iteration jacobi-method mpi numpy openmp parallel-computing poisson-image-editing pybind11 python
Last synced: 05 Apr 2025
https://github.com/Trinkle23897/Fast-Poisson-Image-Editing
A fast poisson image editing implementation that can utilize multi-core CPU or GPU to handle a high-resolution image input.
cpp cuda high-performance-computing image-processing jacobi-iteration jacobi-method mpi numpy openmp parallel-computing poisson-image-editing pybind11 python
Last synced: 02 Apr 2025
https://github.com/weisscharlesj/SciCompforChemists
Scientific Computing for Chemists is a free text for teaching basic computing skills to chemists using Python, Jupyter notebooks, and the other Python packages. This text makes use of a variety of packages including NumPy, SciPy, matplotlib, pandas, seaborn, nmrglue, SymPy, scikit-image, and scikit-learn.
biochemistry book chemical chemistry chemists computer-programming computing jupyter-lab jupyter-notebooks jupyterlab nmrglue numpy python science scientific-computing scipy simulations textbook
Last synced: 22 Jul 2025
https://github.com/ofnote/tsalib
Tensor Shape Annotation Library (numpy, tensorflow, pytorch, ...)
deep-learning keras numpy pytorch tensor-shape tensorflow
Last synced: 06 Apr 2025
https://github.com/ahmedbesbes/neural-network-from-scratch
Ever wondered how to code your Neural Network using NumPy, with no frameworks involved?
backpropagation batch-gradient-descent decision-boundary loss neural-networks numpy python tutorial
Last synced: 24 Apr 2025
https://github.com/ahmedbesbes/Neural-Network-from-scratch
Ever wondered how to code your Neural Network using NumPy, with no frameworks involved?
backpropagation batch-gradient-descent decision-boundary loss neural-networks numpy python tutorial
Last synced: 19 Jul 2025
https://github.com/kakul/Alyn
Detect and fix skew in images containing text
deskew image-deskew image-processing matplotlib numpy pypi rotate scikit-image text
Last synced: 14 Mar 2025
https://github.com/wizardforcel/data-science-notebook
:book: 每一个伟大的思想和行动都有一个微不足道的开始
data-analysis data-science machine-learning notebook numpy pandas sklearn tensorflow
Last synced: 10 Apr 2025
https://github.com/bodo-ai/bodo
High-Performance Python Compute Engine for Data and AI
ai artificial-intelligence big-data data-science distributed machine-learning numpy optimization pandas parallel-computing pydata python scikit-learn sql
Last synced: 15 May 2025
https://github.com/semasuka/credit-card-approval-prediction-classification
Credit risk analysis for credit card applicants
binary-classification card credit-card credit-risk-analysis machine-learning numpy pandas python python3 scikit-learn streamlit
Last synced: 12 Apr 2025
https://github.com/adamreeve/nptdms
NumPy based Python module for reading TDMS files produced by LabView
daqmx labview national-instruments numpy python scipy tdms
Last synced: 14 May 2025
https://github.com/e1evenn/xshinnosuke
Deep learning framework realized by Numpy purely, supports for both Dynamic Graph and Static Graph with GPU acceleration
cupy deeplearning keras-style numpy pytorch-style
Last synced: 06 Apr 2025
https://github.com/dkogan/gnuplotlib
gnuplot for numpy
gnuplot gnuplot-graphs numpy numpy-library plot
Last synced: 09 Apr 2025
https://github.com/nicklashansen/rnn_lstm_from_scratch
How to build RNNs and LSTMs from scratch with NumPy.
deep-learning lstm-neural-networks natural-language-processing numpy pytorch recurrent-neural-networks
Last synced: 19 Jul 2025
https://github.com/weisscharlesj/scicompforchemists
Scientific Computing for Chemists is a free text for teaching basic computing skills to chemists using Python, Jupyter notebooks, and the other Python packages. This text makes use of a variety of packages including NumPy, SciPy, matplotlib, pandas, seaborn, nmrglue, SymPy, scikit-image, and scikit-learn.
biochemistry book chemical chemistry chemists computer-programming computing jupyter-lab jupyter-notebooks jupyterlab nmrglue numpy python science scientific-computing scipy simulations textbook
Last synced: 12 Apr 2025
https://github.com/scikit-hep/uproot5
ROOT I/O in pure Python and NumPy.
analysis big-data bigdata file-format hep hep-ex hep-py numpy python root root-cern scikit-hep
Last synced: 14 May 2025
https://github.com/adamreeve/npTDMS
NumPy based Python module for reading TDMS files produced by LabView
daqmx labview national-instruments numpy python scipy tdms
Last synced: 11 May 2025
https://github.com/pyro-ppl/funsor
Functional tensors for probabilistic programming
jax machine-learning numpy probabilistic-programming pyro pytorch symbolic
Last synced: 04 Apr 2025
https://github.com/milaan9/09_python_numpy_module
Numpy is a general-purpose array-processing package. It provides a high-performance multidimensional array object and tools for working with these arrays. It is the fundamental package for scientific computing with Python. Besides its obvious scientific uses, Numpy can also be used as an efficient multi-dimensional container of generic data.
array-indexing array-manipulations array-math array-methods array-reorganizing ipython-notebook numpy numpy-arrays numpy-exercise-solutions numpy-exercises numpy-matrix numpy-tutorial python-tutor python-tutorial-github python-tutorial-notebook python-tutorials python4beginner python4datascience python4everybody tutor-milaan9
Last synced: 06 Apr 2025
https://github.com/pranftw/neograd
A deep learning framework created from scratch with Python and NumPy
ai autograd automatic-differentiation deep-learning deep-learning-framework machine-learning neural-network numpy python pytorch-api scratch-implementation
Last synced: 24 Dec 2025
https://github.com/ank0409/Ditching-Excel-for-Python
Functionalities in Excel translated to Python
dataframe eda excel exploratory-data-analysis machine-learning numpy pandas pivot-tables python tutorial vba
Last synced: 09 Apr 2025
https://github.com/gi-z/csikit
Python CSI processing and visualisation tools for Atheros, Intel, Nexmon, ESP32, FeitCSI, and PicoScenes (USRP, etc) formats.
atheros csi csi-data csi-extraction-suite csi-parsing esp32 intel numpy picoscenes python visualisation wifi-hardware
Last synced: 27 Oct 2025
https://github.com/koldlight/curso-python-analisis-datos
Curso de python básico orientado al análisis de datos, en español
course data data-analysis folium hacktoberfest numpy pandas python requests seaborn spanish
Last synced: 12 Apr 2025
https://github.com/vrasneur/pyfasttext
Yet another Python binding for fastText
fasttext machine-learning nlp numpy python python-bindings word-vectors
Last synced: 12 Apr 2025
https://github.com/sh0nk/matplotlib4j
Matplotlib for java: A simple graph plot library for java, scala and kotlin with powerful python matplotlib
charts data-visualization java kotlin matplotlib numpy plot plotting scala visualization
Last synced: 14 Jan 2026
https://github.com/explosion/cython-blis
💥 Fast matrix-multiplication as a self-contained Python library – no system dependencies!
blas blas-libraries blis cython linear-algebra matrix-multiplication neural-network neural-networks numpy openblas
Last synced: 14 May 2025
https://github.com/zuzu-typ/pyglm
Fast OpenGL Mathematics (GLM) for Python
cplusplus efficient fast glm glsl high-performance library math-library matrix matrix-functions numpy opengl opengl-mathematics pip pypi pyrr python python3 quaternion vector
Last synced: 24 Oct 2025
https://github.com/zhuzilin/np_ml
A tool library of classical machine learning algorithms with only numpy.
Last synced: 08 May 2025
https://github.com/helmholtz-analytics/heat
Distributed tensors and Machine Learning framework with GPU and MPI acceleration in Python
array-api data-analytics data-processing data-science distributed gpu hpc machine-learning massive-datasets mpi mpi4py multi-gpu multi-node-cluster numpy parallelism python pytorch tensors
Last synced: 15 May 2025
https://github.com/bh107/bohrium
Automatic parallelization of Python/NumPy, C, and C++ codes on Linux and MacOSX
cuda gpu gpu-acceleration multi-core numpy opencl parallel-computing
Last synced: 21 Oct 2025
https://github.com/leandromineti/ml-feynman-experience
A collection of analytics methods implemented with Python on Google Colab
machine-learning notebook numpy python scipy statistics
Last synced: 21 Aug 2025
https://github.com/rickiepark/introduction_to_ml_with_python
도서 "[개정판] 파이썬 라이브러리를 활용한 머신 러닝"의 주피터 노트북과 코드입니다.
deep-learning machine-learning matplotlib numpy pandas python scikit-learn scipy
Last synced: 06 Oct 2025
https://github.com/numbagg/numbagg
Fast N-dimensional aggregation functions with Numba
Last synced: 15 May 2025
https://github.com/scikit-hep/awkward-0.x
Manipulate arrays of complex data structures as easily as Numpy.
analysis apache-arrow arrow big-data columnar columnar-storage hdf5 numpy parquet python python3 root root-cern scikit-hep
Last synced: 02 Oct 2025
https://github.com/trainingbypackt/data-science-for-marketing-analytics
Achieve your marketing goals with the data analytics power of Python
data-science data-visualization matplotlib numpy pandas python seaborn
Last synced: 09 Apr 2025
https://github.com/google/etils
Collection of eclectic utils for python.
jax numpy python tensorflow utils
Last synced: 14 May 2025
https://github.com/dylan-profiler/visions
Type System for Data Analysis in Python
data-analysis data-science hacktoberfest numpy pandas python spark type-inference type-system
Last synced: 15 May 2025
https://github.com/nabla-ml/nabla
Build and train Neural Networks in Mojo
ai arrays compiler jax machine-learning modular mojo numpy pytorch
Last synced: 30 Dec 2025
https://github.com/kaist-maclab/pytsmod
An open-source Python library for audio time-scale modification.
audio dsp librosa music numpy python scipy time-scale tsm
Last synced: 04 Apr 2025
https://github.com/rsokl/mygrad
Drop-in autodiff for NumPy.
autodiff autodifferentiation autograd backpropagate deep-learning numpy
Last synced: 15 May 2025
https://github.com/opendilab/di-treetensor
Let DI-treetensor help you simplify the structure processing!(树形运算一不小心就逻辑混乱?DI-treetensor快速帮你搞定)
deep-learning numpy python pytorch reinforcement-learning tensor tree-structure
Last synced: 16 May 2025
https://github.com/rootpy/rootpy
A pythonic interface for the ROOT libraries on top of the PyROOT bindings.
cern hdf5 hep matplotlib numpy python root
Last synced: 05 Oct 2025
https://github.com/ml31415/numpy-groupies
Optimised tools for group-indexing operations: aggregated sum and more
Last synced: 12 Apr 2025
https://github.com/wearepal/data-science-types
Mypy stubs, i.e., type information, for numpy, pandas and matplotlib
matplotlib mypy mypy-stubs numpy pandas python stubs type-stubs
Last synced: 01 Oct 2025
https://github.com/lebedov/msgpack-numpy
Serialize numpy arrays using msgpack
Last synced: 08 Apr 2025
https://github.com/simbafl/data-analysis
数据分析,挖掘建模。
data-analysis kaggle matplotlib numpy pandas python3 scipy sklearn
Last synced: 07 May 2025
https://github.com/nlp-kr/tensorflow-ml-nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
chatbot dssm konlpy korean-nlp korean-text-processing korean-tokenizer logistic-regression malstm nlp nltk numpy pandas random-forest sentiment-classification seq2seq similarity sklearn tensorflow transformer xgboost
Last synced: 09 Oct 2025
https://github.com/simbafl/Data-analysis
数据分析,挖掘建模。
data-analysis kaggle matplotlib numpy pandas python3 scipy sklearn
Last synced: 26 Mar 2025
https://github.com/haruishi43/equilib
🌎→🗾Equirectangular (360/panoramic) image processing library for Python with minimal dependencies only using Numpy and PyTorch
360-degree camera cubemap-to-equirectangular equirectangular-images equirectangular-panorama equirectangular-projection numpy panorama perspective-projection python pytorch vr
Last synced: 16 Jan 2026
https://github.com/petercorke/bdsim
Simulate dynamic systems expressed in block diagram form using Python
block-diagram diagram-form dynamical-systems dynamics-simulation numpy python robotics simulation
Last synced: 05 Apr 2025
https://github.com/KAIST-MACLab/PyTSMod
An open-source Python library for audio time-scale modification.
audio dsp librosa music numpy python scipy time-scale tsm
Last synced: 14 Jul 2025
https://github.com/tiledb-inc/tiledb-py
Python interface to the TileDB storage engine
array hdfs numpy python s3 storage-manager tiledb
Last synced: 15 May 2025
https://github.com/stack-of-tasks/eigenpy
Efficient bindings between Numpy and Eigen using Boost.Python
bindings boost boost-python eigen numpy python python3-library
Last synced: 15 May 2025
https://github.com/anexen/pyxirr
Rust-powered collection of financial functions.
day-count fast financial-analysis financial-functions isda maturin numpy pme private-equity pyo3 python python-extension rust xirr xirr-calculation xnpv
Last synced: 15 May 2025
https://github.com/Anexen/pyxirr
Rust-powered collection of financial functions.
day-count fast financial-analysis financial-functions isda maturin numpy pme private-equity pyo3 python python-extension rust xirr xirr-calculation xnpv
Last synced: 27 Mar 2025
https://github.com/botkop/numsca
numsca is numpy for scala
deep-learning nd4j numpy scala
Last synced: 05 May 2025
https://github.com/stb-tester/stb-tester
Automated Testing for Set-Top Boxes and Smart TVs
computer-vision gstreamer hdmi hdmi-cec lirc numpy ocr opencv page-object power-control pylint python remote-control set-top-box template-matching test-automation test-framework testing video video-processing
Last synced: 15 May 2025
https://github.com/open2c/bioframe
Genomic interval operations on Pandas DataFrames
bioinformatics dataframes genomic-intervals genomic-ranges genomics ngs-analysis numpy pandas python spatial-join
Last synced: 06 Oct 2025
https://github.com/alisonmitchell/stock-prediction
Technical and sentiment analysis to predict the stock market with machine learning models based on historical time series data and news article sentiment collected using APIs and web scraping.
beautifulsoup bert gensim huggingface keras-tensorflow machine-learning matplotlib mplfinance nlp nltk numpy pandas plotly python scikit-learn scipy seaborn spacy textblob yfinance
Last synced: 04 Apr 2025
https://github.com/zillionare/zillionare
请访问 😄www.jieyu.ai和公众号🫶量化风云
ai akshare backtesting backtrader numpy pandas ptrade python qmt quant quantitative-finance quantitative-trading talib trade tutorial xtquant
Last synced: 12 Apr 2025
https://github.com/cgevans/scikits-bootstrap
Python/numpy bootstrap confidence interval estimation.
Last synced: 05 Apr 2025
https://github.com/bat67/deep-learning-with-pytorch-a-60-minute-blitz-cn
PyTorch1.0 深度学习:60分钟入门与实战(Deep Learning with PyTorch: A 60 Minute Blitz 中文翻译与学习)
deep-learning learning-pytorch numpy python pytorch pytorch-tutorial pytorch-tutorials translation
Last synced: 09 Jul 2025
https://github.com/apachecn/ds-ai-tech-notes
:book: [译] 数据科学和人工智能技术笔记
ai data-science matplotlib notes numpy python sklearn
Last synced: 24 Jul 2025
https://github.com/rougier/tiny-renderer
A tiny sotfware 3D renderer in 100 lines of Python
3d 3d-engine computer-graphics numpy opengl python tiny
Last synced: 25 Mar 2025
https://github.com/sksalahuddin2828/opencv
Easy face detection using openCV
numpy numpy-library opencv opencv-python opencv2
Last synced: 08 May 2025
https://github.com/sksalahuddin2828/pandas_numpy_matplotlib_plotly
Explore something new
machine-learning machine-learning-algorithms matplotlib matplotlib-python numpy numpy-python pandas pandas-python
Last synced: 11 Sep 2025
https://github.com/gaborvecsei/color-tracker
Color tracking with OpenCV
color-detection color-tracker computer-vision hacktoberfest hactoberfest2020 hsv image-processing machine-learning multi-object-tracking numpy object-detection object-tracking opencv opencv-python python tracker
Last synced: 10 Apr 2025
https://github.com/morvanzhou/npnet
Build neural networks based only on Numpy
backpropagation layer neural-network numpy simple
Last synced: 28 Oct 2025
https://github.com/caesar0301/graphsim
Graph similarity algorithms based on NetworkX.
graph graph-similarity-algorithms networkx numpy python scientific tacsim
Last synced: 09 Apr 2025
https://github.com/TomSchimansky/GuitarTuner
Guitar tuner program made with Python, Tkinter and PyAudio.
audio-analysis chromatic-tuner dark-mode gui-application guitar guitar-tuner macos macos-app music numpy py2app pyaudio python python3 tkinter tkinter-gui tkinter-python tuner ui-design
Last synced: 08 May 2025
https://github.com/rsokl/learning_python
Source material for Python Like You Mean it
data-science educational numpy numpy-tutorial python python-tutorial textbook tutorial
Last synced: 13 Apr 2025
https://github.com/karolzak/support-tickets-classification
This case study shows how to create a model for text analysis and classification and deploy it as a web service in Azure cloud in order to automatically classify support tickets. This project is a proof of concept made by Microsoft (Commercial Software Engineering team) in collaboration with Endava http://endava.com/en
ai artificial-intelligence azure azure-app-service azure-machine-learning azure-web-app-service azure-webapp classification classifier machine-learning ml model numpy pandas python text-analysis text-classification text-mining text-processing web-service
Last synced: 04 Oct 2025
https://github.com/jayinai/ml-cheatsheet
A constantly updated python machine learning cheatsheet
machine-learning matplotlib numpy pandas python scipy seaborn sklearn
Last synced: 24 Oct 2025
https://github.com/gaborvecsei/Color-Tracker
Color tracking with OpenCV
color-detection color-tracker computer-vision hacktoberfest hactoberfest2020 hsv image-processing machine-learning multi-object-tracking numpy object-detection object-tracking opencv opencv-python python tracker
Last synced: 19 Jul 2025
https://github.com/PowerGridModel/power-grid-model
Python/C++ library for distribution power system analysis
cpp eigen3 numpy powerflow powersystem python shortcircuit stateestimation
Last synced: 07 May 2025