Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists tagged with scipy

A curated list of projects in awesome lists tagged with scipy .

https://github.com/donnemartin/data-science-ipython-notebooks

Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.

aws big-data caffe data-science deep-learning hadoop kaggle keras machine-learning mapreduce matplotlib numpy pandas python scikit-learn scipy spark tensorflow theano

Last synced: 29 Sep 2024

https://github.com/kailashahirwar/cheatsheets-ai

Essential Cheat Sheets for deep learning and machine learning researchers https://medium.com/@kailashahirwar/essential-cheat-sheets-for-machine-learning-and-deep-learning-researchers-efb6a8ebd2e5

artificial-intelligence deep-learning keras machine-learning matplotlib numpy scipy

Last synced: 29 Sep 2024

https://github.com/scipy/scipy

SciPy library main repository

algorithms closember python scientific-computing scipy

Last synced: 29 Sep 2024

https://github.com/dask/dask

Parallel computing with task scheduling

dask numpy pandas pydata python scikit-learn scipy

Last synced: 29 Sep 2024

https://github.com/librosa/librosa

Python library for audio and music analysis

audio dsp librosa music python scipy

Last synced: 29 Sep 2024

https://github.com/shibing624/python-tutorial

Python实用教程,包括:Python基础,Python高级特性,面向对象编程,多线程,数据库,数据科学,Flask,爬虫开发教程。

numpy pandas python python-tutorial pytorch scikit-learn scipy

Last synced: 26 Sep 2024

https://lmfit.github.io/lmfit-py/

Non-Linear Least Squares Minimization, with flexible Parameter settings, based on scipy.optimize, and with many additional classes and methods for curve fitting.

curve-fitting least-squares python scipy

Last synced: 04 Aug 2024

https://github.com/lmfit/lmfit-py

Non-Linear Least Squares Minimization, with flexible Parameter settings, based on scipy.optimize, and with many additional classes and methods for curve fitting.

curve-fitting least-squares python scipy

Last synced: 30 Sep 2024

https://github.com/hukenovs/dsp-theory

Theory of digital signal processing (DSP): signals, filtration (IIR, FIR, CIC, MAF), transforms (FFT, DFT, Hilbert, Z-transform) etc.

convolution digital-signal-processing dsp fast-fourier-transform fft finite-impulse-response fir fpga lectures lessons numpy numpy-tutorial python scipy tutorial

Last synced: 30 Sep 2024

https://github.com/monsieurv/py-findpeaks

Overview of the peaks dectection algorithms available in Python

detect-peaks digital-signal-processing python scipy

Last synced: 30 Sep 2024

https://github.com/ashvardanian/simsimd

Up to 200x Faster Inner Products and Vector Similarity — for Python, JavaScript, Rust, and C, supporting f64, f32, f16 real & complex, i8, and binary vectors using SIMD for both x86 AVX2 & AVX-512 and Arm NEON & SVE 📐

arm-neon arm-sve assembly avx2 avx512 blas blas-libraries distance-calculation distance-measures float16 information-retrieval metrics neon numpy scipy simd simd-instructions similarity-measures similarity-search vector-search

Last synced: 30 Sep 2024

https://github.com/ashvardanian/SimSIMD

Up to 200x Faster Inner Products and Vector Similarity — for Python, JavaScript, Rust, and C, supporting f64, f32, f16 real & complex, i8, and binary vectors using SIMD for both x86 AVX2 & AVX-512 and Arm NEON & SVE 📐

arm-neon arm-sve assembly avx2 avx512 blas blas-libraries distance-calculation distance-measures float16 information-retrieval metrics neon numpy scipy simd simd-instructions similarity-measures similarity-search vector-search

Last synced: 31 Jul 2024

https://github.com/MonsieurV/py-findpeaks

Overview of the peaks dectection algorithms available in Python

detect-peaks digital-signal-processing python scipy

Last synced: 02 Aug 2024

https://github.com/markjay4k/audio-spectrum-analyzer-in-python

A series of Jupyter notebooks and python files which stream audio from a microphone using pyaudio, then processes it.

fft jupyter-notebook matplotlib notebook pyaudio python python3 scipy signal-processing spectrum-analyzer stream-audio

Last synced: 30 Sep 2024

https://github.com/ruddra/docker-django

A complete docker package for django which is easy to understand and can be deployed anywhere(supports Data Science related libraries like numpy, scipy etc).

boilerplate celery container django docker nginx numpy pandas postgres python redis scipy

Last synced: 30 Sep 2024

https://github.com/its-pointless/gcc_termux

Gcc for termux with fortran scipy etc... Use apt for newest updates instructions in README.txt

ada android command-line ecl fortran gcc gcc-complier gnat julia julialang mongodb ocaml octave opencv pascal rakudo rstats scipy termux vlc

Last synced: 28 Sep 2024

https://github.com/jayleicn/scipy-lecture-notes-zh-CN

中文版scipy-lecture-notes. 网站下线, 以离线HTML的形式继续更新, 见release.

matplotlib numpy-tutorial python scipy

Last synced: 03 Aug 2024

https://github.com/v923z/micropython-ulab

a numpy-like fast vector module for micropython, circuitpython, and their derivatives

circuitpython circuitpython-ulab firmware iterables micropython micropython-ulab module numpy openmv scipy ulab

Last synced: 27 Sep 2024

https://github.com/jayleicn/scipy-lecture-notes-zh-cn

中文版scipy-lecture-notes. 网站下线, 以离线HTML的形式继续更新, 见release.

matplotlib numpy-tutorial python scipy

Last synced: 30 Sep 2024

https://github.com/ing-bank/sparse_dot_topn

Python package to accelerate the sparse matrix multiplication and top-n similarity selection

cosine-similarity cython scipy sparse-matrix

Last synced: 30 Sep 2024

https://github.com/fabianabarca/python

Tutoriales de Python para el análisis de datos en el curso IE0405 - "Modelos Probabilísticos de Señales y Sistemas" de la Universidad de Costa Rica.

jupyter matplotlib numpy pandas python scipy

Last synced: 30 Sep 2024

https://github.com/ahkab/ahkab

a SPICE-like electronic circuit simulator written in Python

circuit-simulation circuits linear-time-invariant nodal-analysis scipy spice sympy

Last synced: 30 Sep 2024

https://github.com/psi4/psi4numpy

Combining Psi4 and Numpy for education and development.

computational-chemistry numpy psi python scipy tutorial

Last synced: 30 Sep 2024

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: 30 Sep 2024

https://github.com/dgkim5360/the-elements-of-statistical-learning-notebooks

Jupyter notebooks for summarizing and reproducing the textbook "The Elements of Statistical Learning" 2/E by Hastie, Tibshirani, and Friedman

jupyter-notebooks machine-learning matplotlib neural-network python3 pytorch scipy statistical-learning textbook

Last synced: 30 Sep 2024

https://github.com/numba/numba-scipy

numba_scipy extends Numba to make it aware of SciPy

compiler llvm numba numpy scipy

Last synced: 30 Sep 2024

https://github.com/scikit-signal/tftb

A Python module for time-frequency analysis

matplotlib numpy python scipy signal-processing time-frequency-analysis

Last synced: 30 Sep 2024

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: 30 Sep 2024

https://github.com/tbuli/symfit

Symbolic Fitting; fitting as it should be.

curve-fitting least-squares python scipy sympy

Last synced: 30 Sep 2024

https://github.com/tBuLi/symfit

Symbolic Fitting; fitting as it should be.

curve-fitting least-squares python scipy sympy

Last synced: 09 Aug 2024

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: 03 Aug 2024

https://github.com/tirthajyoti/optimization-python

General optimization (LP, MIP, QP, continuous and discrete optimization etc.) using Python

convex-optimization integer-programming linear-programming mixed-integer-programming optimization quadratic-programming scipy

Last synced: 30 Sep 2024

https://github.com/mmaelicke/scikit-gstat

Geostatistical variogram estimation expansion in the scipy style

geostatistics scikit scipy

Last synced: 30 Sep 2024

https://github.com/rickiepark/introduction_to_ml_with_python

도서 "[개정판] 파이썬 라이브러리를 활용한 머신 러닝"의 주피터 노트북과 코드입니다.

deep-learning machine-learning matplotlib numpy pandas python scikit-learn scipy

Last synced: 30 Sep 2024

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: 30 Sep 2024

https://github.com/weisscharlesj/scicompforchemists

Scientific Computing for Chemists text for teaching basic computing skills to chemistry students using Python, Jupyter notebooks, and the SciPy stack. This text makes use of a variety of packages including NumPy, SciPy, matplotlib, pandas, seaborn, NMRglue, SymPy, scikit-image, and scikit-learn.

biochemistry bioinformatics book chemical cheminformatics chemistry chemists computer-programming computing jupyter-lab jupyter-notebooks jupyterlab nmr numpy python science scientific-computing scipy simulations textbook

Last synced: 30 Sep 2024

https://github.com/fatiando/fatiando

DEPRECATED in favor of our newer libraries (see www.fatiando.org). Python toolkit for modeling and inversion in geophysics.

earth-science geophysics geoscience gravity inverse-problems python scipy seismic seismology

Last synced: 01 Oct 2024

https://github.com/weisscharlesj/SciCompforChemists

Scientific Computing for Chemists text for teaching basic computing skills to chemistry students using Python, Jupyter notebooks, and the SciPy stack. This text makes use of a variety of packages including NumPy, SciPy, matplotlib, pandas, seaborn, NMRglue, SymPy, scikit-image, and scikit-learn.

biochemistry bioinformatics book chemical cheminformatics chemistry chemists computer-programming computing jupyter-lab jupyter-notebooks jupyterlab nmr numpy python science scientific-computing scipy simulations textbook

Last synced: 09 Aug 2024

https://github.com/fatiando/harmonica

Forward modeling, inversion, and processing gravity and magnetic data

earth-science fatiando-a-terra geophysics geoscience gravity inverse-problems magnetic-fields python scipy

Last synced: 30 Sep 2024

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: 28 Sep 2024

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: 05 Aug 2024

https://github.com/scidart/scidart

Multiplatform scientific computing for Dart

convolution dart flutter hacktoberfest pub scidart scientific-computing scipy

Last synced: 30 Sep 2024

https://github.com/aamaricci/scifortran

A library of fortran modules and routines for scientific calculations (*in a way* just like scipy for python)

arpack blas cmake fftpack fortran lapack minpack mpi quadpack scalapack scientific scipy

Last synced: 30 Sep 2024

https://github.com/jayinai/ml-cheatsheet

A constantly updated python machine learning cheatsheet

machine-learning matplotlib numpy pandas python scipy seaborn sklearn

Last synced: 26 Sep 2024

https://github.com/jalajthanaki/credit-risk-modelling

Credit Risk analysis by using Python and ML

credit-risk machine-learning numpy pandas python scikit-learn scipy

Last synced: 30 Sep 2024

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: 30 Sep 2024

https://github.com/fwilliams/numpyeigen

Fast zero-overhead bindings between NumPy and Eigen

binding eigen numpy python scipy zer

Last synced: 30 Sep 2024

https://github.com/pilcru/ghpythonremote

A two-way connector to use regular Python from IronPython in Rhino/Grasshopper, and vice-versa.

grasshopper grasshopper3d ironpython matlplotlib numpy python rhino rhino3d rhinoceros scipy

Last synced: 30 Sep 2024

https://github.com/alexarcpy/python-for-gis-progression-path

Progression path for a GIS analyst who wants to become proficient in using Python for GIS: from apprentice to guru

arcgis geography geospatial gis python scipy spatial-analysis spatial-data

Last synced: 30 Sep 2024

https://github.com/jni/skan

Python module to analyse skeleton (thin object) images

numba numpy python scipy

Last synced: 30 Sep 2024

https://github.com/zthxxx/python-speech_recognition

A simple example for use speech recognition baidu api with python.

pyaudio python scipy speech speech-recognition

Last synced: 30 Sep 2024

https://github.com/dmsul/econtools

Econometrics and data manipulation functions.

econometrics python regression scipy stata statistics

Last synced: 30 Sep 2024

https://github.com/rougier/scipy-crash-course

Material for a 24 hours course on Scientific Python

course cython matplotlib numba numpy python scipy

Last synced: 30 Sep 2024

https://github.com/danmorales/cursods_profdanilo

Códigos Python com diferentes aplicações como técnicas de machine learning e deep learning, fundamentos de estatística, problemas de regressão de classificação. Os vídeos com as explicações teóricas estão disponíveis no meu canal do YouTube

aprendizado-de-maquina ciencia-de-dados data-science deep-learning keras-classification-models keras-layer keras-models keras-neural-networks machine-learning machine-learning-algorithms numpy pandas-dataframe pandas-python scikit-learn scikitlearn-machine-learning scipy tensorflow tensorflow-tutorials

Last synced: 26 Sep 2024

https://github.com/jaisayush/fatigue-detection-system-based-on-behavioural-characteristics-of-driver

A computer vision system made with the help of opencv that can automatically detect driver drowsiness in a real-time video stream and then play an alarm if the driver appears to be drowsy.

anaconda-environment anaconda3 computer-vision cv cv2 drowsiness-detection drowsy-driver-warning-system imutils miniproject numpy opencv opencv-python opencv2 playsound python python3 scipy

Last synced: 30 Sep 2024

https://github.com/jaisayush/Fatigue-Detection-System-Based-On-Behavioural-Characteristics-Of-Driver

A computer vision system made with the help of opencv that can automatically detect driver drowsiness in a real-time video stream and then play an alarm if the driver appears to be drowsy.

anaconda-environment anaconda3 computer-vision cv cv2 drowsiness-detection drowsy-driver-warning-system imutils miniproject numpy opencv opencv-python opencv2 playsound python python3 scipy

Last synced: 01 Aug 2024

https://github.com/eigenfoo/tests-as-linear

Python port of "Common statistical tests are linear models" by Jonas Kristoffer Lindeløv.

linear-models python scipy statistical-tests statsmodels

Last synced: 30 Sep 2024

https://github.com/quatrope/scikit-criteria

Scikit-Criteria is a collection of Multiple-criteria decision analysis (MCDA) methods integrated into scientific python stack. Is Open source and commercially usable.

critic electre mcda numpy pandas python sam scipy simus topsis

Last synced: 30 Sep 2024

https://github.com/docker-hub-frolvlad/docker-alpine-python-machinelearning

Small Docker image with Python Machine Learning tools (~180MB) https://hub.docker.com/r/frolvlad/alpine-python-machinelearning/

alpine docker-image machine-learning numpy pandas python scikit-learn scipy

Last synced: 30 Sep 2024

https://github.com/twitter/dict_minimize

Access scipy optimizers from your favorite deep learning framework.

scipy scipy-stack

Last synced: 30 Sep 2024

https://github.com/tulip-control/polytope

Geometric operations on polytopes of any dimension

computational-geometry cvxopt numpy polyhedron polytope python scipy

Last synced: 30 Sep 2024

https://github.com/flatironinstitute/sparse_dot

Python wrapper for Intel Math Kernel Library (MKL) matrix multiplication

matrix-multiplication mkl numpy python scipy sparse sparse-matrix

Last synced: 30 Sep 2024

https://github.com/radoslawregula/reverb-algorithms

A set of scripts implementing popular reverberation audio effect algorithms.

audio-effects audio-processing music-production numpy python reverb reverberation scipy wav

Last synced: 30 Sep 2024

https://github.com/moble/jupyter_boilerplate

Adds a customizable menu item to Jupyter (IPython) notebooks to insert boilerplate snippets of code

ipython javascript jupyter-notebook matplotlib numpy scipy snippets sympy

Last synced: 30 Sep 2024

https://github.com/sunpower/pvmismatch

An explicit Python PV system IV & PV curve trace calculator which can also calculate mismatch.

numpy photovoltaic python scipy solar

Last synced: 28 Sep 2024

https://github.com/SunPower/PVMismatch

An explicit Python PV system IV & PV curve trace calculator which can also calculate mismatch.

numpy photovoltaic python scipy solar

Last synced: 03 Aug 2024

https://github.com/sarthakjariwala/seaborn-image

High-level API for attractive and descriptive image visualization in Python

image-processing image-visualization matplotlib python scikit-image scipy seaborn-image visualization visualization-library

Last synced: 30 Sep 2024

https://github.com/ncar/ncar-python-tutorial

Numerical & Scientific Computing with Python Tutorial

cartopy dask jupyter matplotlib numpy python scipy tutorial xarray

Last synced: 01 Oct 2024