Ecosyste.ms: Awesome

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

Awesome Lists | Featured Topics | Projects

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.

https://github.com/mkashirin/scratches

Scratches is a project, which provides a comprehensive guide to creating deep learning models from scratch using Python and NumPy.

artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks from-scratch machine-learning machine-learning-algorithms numpy python

Last synced: 06 Nov 2024

https://github.com/yashika-malhotra/data-exploration-and-visualization-for-streaming-platform

Data Analysis and Visualization for streaming platform to provide insights and recommendations to improve their userbase.

colab-notebook data data-visualization jupyter-notebook matplotlib numpy pandas python seaborn

Last synced: 14 Jan 2025

https://github.com/yashika-malhotra/cardioflex-treadmill-analysis-using-descriptive-statistics-probability

Description Analysis and Visualization on CardioFlex Treadmill data to provide insights and recommendations to improve their userbase.

colab-notebook data data-visualization jupyter-notebook matplotlib numpy pandas python seaborn

Last synced: 14 Jan 2025

https://github.com/vorticity-inc/vtensor

VTensor, a C++ library, facilitates tensor manipulation on GPUs, emulating the python-numpy style for ease of use. It leverages RMM (RAPIDS Memory Manager) for efficient device memory management. It also supports xtensor for host memory operations.

cublas cuda curand cusolver gpu numpy rmm tensor xarray xtensor

Last synced: 10 Dec 2024

https://github.com/fahadpathan7/python-learning

This repository is dedicated to learning Python and python-based frameworks with the goal to implement the knowledge in real world backend project.

django flask mojo numpy pandas polars python

Last synced: 18 Oct 2024

https://github.com/xpcosmos/classificao-multilabel

Nesse projeto utilizei as bibliotecas e ferramentas mais populares para resolução de um problema de identificação de tags em discursões do StackOverFlow. Através de técnicas de NLP, os dados textuais foram transformados e realizada a aplicação dos algoritmos de classificação de múltiplas labels.

labels matplotlib multilabel-classification numpy pandas python seaborn sklearn

Last synced: 14 Jan 2025

https://github.com/kumaranand05/stock-trading-screener

Stock Screener to perform time-series analysis of NSE listed stocks in real-time and generate actionable trading signals.

finance numpy pandas python time-series-analysis trading

Last synced: 06 Nov 2024

https://github.com/zainulmustafa/k-nearest-neighbour-algorithms

KNN algorthm using SKlearn and without using SKlearn application on few datasets available at https://archive.ics.uci.edu/ml/datasets.html

collect matplotlib numpy pandas python sklearn

Last synced: 05 Dec 2024

https://github.com/mankoff/gdb_fortran_tools

Tools to help debug Fortran code with gdb - plotting, saving, and Numpy functions.

debug debugger debugging fortran gdb numpy python

Last synced: 06 Nov 2024

https://github.com/grachale/orb_detector

The implementation of part of the ORB (Oriented FAST and Rotated BRIEF) pipeline. The ORB consists of the feature detector and feature descriptor that detect and describe reproducible and discriminative regions in an image. Those, in turn, can be matched between pairs of images for correspondence search, 3D reconstruction, and so on.

image-processing keypoints-detector numpy orb python

Last synced: 13 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: 25 Dec 2024

https://github.com/marcogdepinto/dogs-vs-cats

Deep learning to classify if a picture contains a Dog or a Cat using Python, OpenCV, Keras.

deep-learning deep-learning-tutorial deep-neural-networks image-classification keras numpy opencv python python3

Last synced: 06 Jan 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: 12 Dec 2024

https://github.com/prashver/house-prices-prediction

Utilizing the House Prices Dataset , this project predicts home prices through a Jupyter notebook-based data science pipeline. It includes exploratory data analysis, cleaning, feature engineering, and modeling. The project explores diverse aspects of residential homes to understand price influences beyond traditional factors.

machine-learning matplotlib numpy pandas regression-models scikit-learn seaborn

Last synced: 14 Jan 2025

https://github.com/vidhi1290/text-classification-with-transformers-roberta-and-xlnet-model

This project explores advanced NLP techniques using RoBERTa and XLNet models to classify human emotions from textual data. By leveraging robust training and optimization methods, it aims to enhance emotion detection accuracy in applications like social media analysis and customer support.

autoencoder bert ktrain matplotlib natural-language-processing nlp numpy pandas python roberta seaborn sklearn tensorflow transformers xlnet

Last synced: 21 Dec 2024

https://github.com/udityamerit/python-librearies-for-data-science

Python libraries for data science enable efficient data manipulation, analysis, and modeling. Key libraries include NumPy for numerical computing, pandas for data handling, Matplotlib for visualization, Scikit-learn for machine learning, TensorFlow for deep learning, and BeautifulSoup/requests for web scraping. These libraries simplify complex data

beautifulsoup data data-science data-science-libraries machine-learning matplotlib numpy pandas requests scikit-learn scikitlearn-machine-learning tensorflow

Last synced: 08 Nov 2024

https://github.com/prashver/movie-recommendation-system

This recommendation system employs content-based filtering and NLP preprocessing to suggest similar movies based on user preferences and movie data. It fetches movie posters via APIs and is deployed on Streamlit for easy access.

api-request natural-language-processing nltk-python numpy pandas recommender-system streamlit-deployment text-preprocessing

Last synced: 14 Jan 2025

https://github.com/srikanth284/healthbot-ml

HealthBotML is an intelligent healthcare companion powered by machine learning (ML) and artificial intelligence (AI). With HealthBotML, you can seamlessly check your Body Mass Index (BMI) and engage in informative conversations about various diseases.

bmi-calculator bootstrap chatbot css duckduckgo flask-application flask-sqlalchemy html javascript jinja2 jinja2-template joblib machine-learning nltk numpy openpyxl pandas python3 scikit-learn-pipelines torchvision

Last synced: 06 Jan 2025

https://github.com/nacheteam/the-whale-optimization-algorithm

Análisis y estudio de mejora sobre el algoritmo "The Whale Optimization Algorithm"

cec metaheuristics minimization numpy optimization whale woa

Last synced: 14 Jan 2025

https://github.com/rshrc/machinelearning

Collection of Machine Learning Algorithms and Datasets

matplotlib numpy pandas python3 sklearn

Last synced: 10 Nov 2024

https://github.com/amarlearning/simple-neural-network

Simple Neural Network written in Python and Numpy (w/o any scify libraries)

beginner-friendly machine-learning neural-network numpy python3 tutorial

Last synced: 14 Jan 2025

https://github.com/dev-ev/julia-vs-python-ms-scripting

Performance of Julia and Python for reading and matching mass spectrometry data

benchmarking julia mass-spectrometry numpy performance-testing proteomics-data-analysis python

Last synced: 19 Nov 2024

https://github.com/jwest951227/aiSocialGood

The rise of social media and online communities creates safe and anonymous spaces for individuals to share their thoughts about their mental health and express their feelings and sufferings in online communities. To prevent suicide, it is necessary to detect suicide-related posts and user's suicide ideation in cyberspace by natural language process

flask gpt4 numpy python tensorflow

Last synced: 13 Jan 2025

https://github.com/daira/dualpowsim

Undocumented Python 3 programs for simulating dual PoW and confirmation times for Zcash. Please report issues at https://github.com/zcash/zcash/issues

mathplotlib numpy proof-of-work simulation zcash

Last synced: 10 Dec 2024

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: 07 Jan 2025

https://github.com/yeisonmontoya1815/machine-learning_prediction_can_inflation

we aim to predict trends in the Canadian market basket using sentiment analysis techniques. Sentiment analysis involves analyzing text data to determine the sentiment expressed, whether positive, negative, or neutral.

algorithms-and-data-structures data data-analysis data-science data-visualization feature-engineering machine-learning matplotlib-pyplot numerical-analysis numpy pandas pipelines python sklearn structured-data super unsupervised-learning

Last synced: 06 Dec 2024

https://github.com/mgobeaalcoba/inferential_statistics_with_python

Explore the world of inferential statistics using Python. Learn hypothesis testing, confidence intervals, and statistical analysis techniques for data-driven decision-making and insights.

google-colab inferential-statistics jupyter-notebook matplotlib numpy pandas python3 scikit-learn seaborn statistics

Last synced: 19 Nov 2024

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: 19 Nov 2024

https://github.com/mgobeaalcoba/padawan_python_course

Data-oriented Python course taught for all Mercado Libre verticals

colab-notebook matplotlib numpy pandas python3 scipy-optimize scipy-stats sckiit-learn seaborn

Last synced: 19 Nov 2024

https://github.com/zjutcv/zjutcv

🎇ZJUT toolbox for computer vision.

computer-vision deep-learning numpy pytorch

Last synced: 29 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: 29 Nov 2024

https://github.com/populated/compare

A simple Python-based code to compare texts for similarities.

comparsion nlp numpy spacy text

Last synced: 14 Oct 2024

https://github.com/illagrenan/django-numpy-json-encoder

Django JSON encoder with numpy support

django json numpy python

Last synced: 02 Jan 2025

https://github.com/alejoduarte23/ssi-cov

The SSICOV is a system identification method for structural health monitoring (SHM) using Stochastic Subspace Identification (SSI). It processes acceleration data to extract modal parameters of a structure.

matplotlib modal-analysis numpy scikit-learn scipy signal-processing system-identification

Last synced: 14 Oct 2024

https://github.com/mirsazzathossain/cse317-lab-numerical-methods

This repository includes the lab worksheets and assignments for the Numerical Methods Lab course at Independent University, Bangladesh.

numerical-methods numpy python

Last synced: 03 Nov 2024

https://github.com/intelpython/mkl_umath

Package implementing NumPy's UFuncs based on SVML and MKL VML

mkl numpy python

Last synced: 11 Oct 2024

https://github.com/nicholas-miklaucic/eins

One tensor operation is all you need

array deep-learning einops jax numpy python

Last synced: 11 Oct 2024

https://github.com/soheshdoshi/forcastmodel

This Model is Base On Halt & Winter Algorithm.This Model is Forecast About Seasonal Data.

forcasting machine-learning numpy python

Last synced: 06 Jan 2025

https://github.com/balavenkatesh3322/face_recognition

We can train our face and verify our face using openCV.

face-recognition knn-classification numpy opencv python3 webcam

Last synced: 06 Jan 2025

https://github.com/prathameshdhande22/space-invader-game

This repository contains a implementation of the classic arcade game Space Invaders in Python using the Pygame library

bullets classic-game numpy pygame pygame-games python3 pythonprojects retro-game space-invaders spaceinvader spaceinvaders-pygame spaceshooter

Last synced: 14 Jan 2025

https://github.com/sam120204/fin4all

Fin4All is an all-in-one investment assistant that democratizes access to real-time stock analysis, sentiment-driven insights, and personalized investment recommendations for investors of all experience levels.

agents django docker embeddings fingpt finhub fintech google-cloud langchain llm matplotlib mongodb numpy openai stock stock-market streamlit vader-sentiment-analysis yahoo-finance

Last synced: 27 Oct 2024

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: 10 Oct 2024

https://github.com/owainkenwayucl/fractals

Python (some Julia!) tools for generating fractals

julia-sets julialang mandelbrot numpy python3

Last synced: 30 Nov 2024

https://github.com/vmeazevedo/text_codifier

Script para codificação/decoficação de dados armazenados em um arquivo de texto.

numpy opencv

Last synced: 20 Dec 2024

https://github.com/imabhinavdev/python

This repository contains all files while learning python

exercises numpy pandas python

Last synced: 07 Nov 2024

https://github.com/fsquillace/notebooks

Various examples of handy Jupyter notebooks

ipywidgets jupyter-notebook matplotlib numpy

Last synced: 20 Dec 2024

https://github.com/mihirh19/imdb-dataset-analysis

The IMDb dataset is a valuable resource for conducting analysis on movies and TV shows. It provides a comprehensive collection of information about films, including titles, release dates, genres, ratings, and more. Analyzing this dataset can offer insights into trends, audience preferences, and the overall landscape of the entertainment industry.

mataplotlib numpy pandas pyplot sqlite3

Last synced: 14 Dec 2024

https://github.com/abhishekmali21/human-skin-detection-using-different-color-spaces

Designed and Created a Human Skin Detection Model to identify skin present in an image using color spaces such as RGB, HSV & YCbCr in achieving higher accuracy.

color-space easygui flask flask-cors hsv image-processing mask-image numpy opencv rgb skin-detection tkinter webbrowser ycbcr

Last synced: 05 Nov 2024

https://github.com/nafisalawalidris/data-visualization-with-python

In the final project of Data Visualisation with Python, you create impactful visualizations using popular libraries like Matplotlib, Seaborn, and Plotly. Apply skills learned throughout the course to analyze real-world data, effectively communicate insights, and enhance your data visualisation proficiency.

dash dashboards data-visualization folium jupyter-notebook matplotlib numpy python seaborn

Last synced: 22 Nov 2024

https://github.com/statute8234/chatflow

Rating: (8/10) The project uses natural language processing to create a chatbot capable of understanding user queries. It trains on a dataset of intents, tokenizing patterns, and constructing a neural network model. The model is saved for future use.

json lancasterstemmer nltk numpy pickle random tensorflow tflearn

Last synced: 18 Nov 2024

https://github.com/rudreshveerkhare/numras

Artificial Neural Network Implementation like Keras From Scratch using Numpy

deep-learning keras-neural-networks neural-network numpy optimization-algorithms

Last synced: 16 Nov 2024

https://github.com/jwest951227/aisocialgood

The rise of social media and online communities creates safe and anonymous spaces for individuals to share their thoughts about their mental health and express their feelings and sufferings in online communities. To prevent suicide, it is necessary to detect suicide-related posts and user's suicide ideation in cyberspace by natural language process

flask gpt4 numpy python tensorflow

Last synced: 16 Nov 2024

https://github.com/real0x0a1/objectdetection

Real-time Object Detection using YOLOv

numpy opencv python python3

Last synced: 13 Jan 2025

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/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: 21 Nov 2024

https://github.com/0904-mansi/face-recognition-challenge-engage-22

I propose criminal identification system and missing people identification for Police Department to enhance and upgrade the criminal distinguishing into a more effective and efficient approach. Technology working behind is face recognition.

face-detection face-recognition numpy opencv python3 tkinter-gui

Last synced: 14 Jan 2025

https://github.com/nemeslaszlo/pagerank_and_hits

PageRank and Hyperlink-Induced Topic Search (HITS) link analysis algorithms.

hits-algorithm jupyter-notebook numpy pagerank-algorithm

Last synced: 01 Dec 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/masadcv/numpymaxflow

Numpy-based implementation of Max-flow/Min-cut (graphcut) for 2D/3D data

numpy python segmentation

Last synced: 14 Nov 2024

https://github.com/aidarkhaibulov/flower-art

🌼Computer graphics artwork. It's raster graphics flower drawn by using Bézier curves in order to animate petals tearing off.

bezier-curves computergraphics matplotlib numpy

Last synced: 21 Nov 2024

https://github.com/aidarkhaibulov/pendulum-art

Computer graphics artwork. It's raster graphics pendulum-balls implemented by using NURBS curves.

computergraphics matplotlib numpy nurbs-curves

Last synced: 21 Nov 2024

https://github.com/aidarkhaibulov/chaos-cubes-art

Computer graphics artwork. It's raster graphics which simulates Brownian motion.

bresenham-algorithm brownian-motion computergraphics matplotlib numpy

Last synced: 21 Nov 2024

https://github.com/aidarkhaibulov/teapot-art

Computer graphics artwork. It's raster graphics teapot which implemented by using Bresenham's algorithm to draw the lines between points.

bresenham-algorithm computergraphics matplotlib numpy

Last synced: 21 Nov 2024

https://github.com/gourab-sinha/zomato-data-analysis

This project is all about analysing Zomato Data using Python Packages.

numpy pandas python3 restfulapi

Last synced: 25 Nov 2024

https://github.com/maxkapur/param_tools

Integrate and generate random points over parametric curves and surfaces.

integration numerical-methods numpy python

Last synced: 21 Nov 2024

https://github.com/praju-1/numpy

Repository about Numpy and all its method with proper description

numpy python

Last synced: 15 Dec 2024

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/timudk/introduction_to_mcmc

A brief introduction to Markov chain Monte Carlo methods

markov-chain markov-chain-monte-carlo matlplotlib numpy python stochastic

Last synced: 22 Dec 2024

https://github.com/romybompart/image-processing-in-sublime-text-3

image processing using sublime text , virtualenv, skimage, numpy

anaconda image-processing jedi numpy python skimage sublimerepl sublimet

Last synced: 16 Nov 2024

https://github.com/sumitgirwal/google-play-store-data-analysis

This Google Play Store dataset from Kaggle, analysis using Python, NumPy , Pandas , and Matplotlib.In dataset analysis, you can view the best app 5-star rating app, most review app, or most download app, etc.

dataanalysis matplotlib numpy pandas playstore-data-analysis python3

Last synced: 25 Nov 2024

https://github.com/sumitgirwal/pokemon-dataset-data-analysis

This is a simple analysis of Pokemon dataset from Kaggle using Python , NumPy, Pandas, and Matplotlib.

dataanalysis kaggledatasets matplotlib numpy pandas-python pokemon-dataset python3

Last synced: 25 Nov 2024

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