Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
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: 2025-01-11 00:16:41 UTC
- JSON Representation
https://github.com/yogeshselvarajan/rent-prediction-of-house
We will build a model to estimate the rent by explaining the most influential boroughs of Paris the French capital. The used method is the Multiple Linear Regression .
linear-regression machine-learning multiple-linear-regression numpy pandas prediction price sklearn
Last synced: 11 Jan 2025
https://github.com/ayushmankumar7/pyopencl-windows
Install PyOpenCL for Windows 😉
numpy opencl pyopencl python python3 windows windows-10
Last synced: 02 Dec 2024
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/muhammedbuyukkinaci/tensorflow-text-generator
TensorFlow Text Generation using LSTM's.
lstm numpy tensorflow text-generation
Last synced: 17 Dec 2024
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/elggem/shapeset-generator
Generates varying shapes as training data for neural nets: ShapeSet.
data machine-learning numpy opencv python svg training
Last synced: 08 Jan 2025
https://github.com/cchandre/vlasov1d
One-dimensional Vlasov-Poisson equation and its Hamiltonian fluid reductions
fluid-simulation fluid-solver hamiltonian hamiltonian-dynamics livescript mathematica matlab matlab-code numpy plasma-physics python3 scipy vlasov-equation
Last synced: 08 Jan 2025
https://github.com/betiniakarandut/estimate-sbhp
Estimate SBHP in gas wells
flask numerical-analysis numpy pandas python3 react-vite
Last synced: 07 Nov 2024
https://github.com/engageintellect/bitcoin-price-predictor
This Python project predicts whether the price of Bitcoin will increase or decrease on the next day, using historical price data and machine learning. Additionally, the project visualizes Bitcoin's price movements using candlestick charts along with moving averages for different timeframes.
bitcoin machine-learning matplotlib mplfinance numpy pandas python scikit-learn visualization yfinance
Last synced: 09 Oct 2024
https://github.com/a-r-j/npview
CLI tools for quickly inspecting CSV/TSV & NumPy (.npy) array files
cli csv data-analysis inspector npy numpy python tsv
Last synced: 17 Dec 2024
https://github.com/deep-diver/logistic-regression
simple neural network without hidden layer
logistic-regression neural-network numpy
Last synced: 09 Jan 2025
https://github.com/nishant-sethi/machine-learning
Find all the relevant material of machine learning here and give your career a kick-start.
machine-learning natural-language-processing numpy pandas sklearn
Last synced: 07 Nov 2024
https://github.com/degencap777/lstmstockpricepredictor
Predicting storck price of Suzunoya- by means of LSTM
keras matplotlib numpy pandas tensorflow yfinance
Last synced: 14 Nov 2024
https://github.com/joseabrantesjr/previsai
O PrevisAI é uma aplicação que utiliza tecnica avançada de deep-learning para prever os preços de fechamento de ações, ETFs, Fundos Imobiliários, Criptomoedas, etc.
acoes criptomoedas deep-learning etf fii keras mercado-financeiro numpy pandas previsao python scikit-learn tensorflow trade trading yfinance
Last synced: 31 Oct 2024
https://github.com/faiqa-batool/introduction-to-functions-in-python
Excercise and practice questions of the course 'Introduction to Functions in Python' from Datacamp
numpy pandas pandas-dataframe python python3
Last synced: 18 Oct 2024
https://github.com/rubydamodar/the-ultimate-pandas-bootcamp
Welcome to the Pandas for Data Science repository! This course is designed to take you from beginner to proficient in using Pandas, the powerful data manipulation library in Python. Whether you're just starting your data science journey or looking to sharpen your skills, this repository contains all the resources
beginner-friendly csv-data data-analysis data-cleaning data-manipulation data-science data-visualization dataframe exploratory-data-analysis jupyter-notebook machine-learning matplotlib numpy pandas python python-pandas series statistical-analysis time-series titanic-dataset
Last synced: 18 Oct 2024
https://github.com/marcelovilla/gdal-py-snippets
Small different-purpose programs using gdal-python bindings (and a fair amount of NumPy)
gdal gdal-python numpy ogr pandas python raster shapefile
Last synced: 22 Nov 2024
https://github.com/imabhinavdev/python
This repository contains all files while learning python
Last synced: 07 Nov 2024
https://github.com/safo-samson/data-analysis-with-python
This repository is about Data analysis with Python using libraries such as Pandas, Matplotlib, Seaborn, and NumPy to analysis prices of properties in given areas to predict future prices.
matplotlib numpy pandas-dataframe scipy-stats
Last synced: 08 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/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/tansudasli/python-sandbox
Python sandbox w/ core capabilities and pandas, numpy, scipy, matplotlib, BeautifulSoup4 and ml models
beatifulsoup matplotlib numpy pandas python scipy
Last synced: 11 Jan 2025
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/amarlearning/neural-network-handwritten-digit
Data Analysis and Machine Learning using custom Neural Network of MNIST DB Handwritten Digits
data-science handwritten-digit-recognition jupyter-notebook kaggle kaggle-digit-recognizer machine-learning neural-network numpy python3 scratch
Last synced: 14 Jan 2025
https://github.com/woodemai/calculation-methods
Calculation methods implementations on Python
calculation-methods numpy python
Last synced: 16 Nov 2024
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/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/analyticalnahid/optical-character-reader
A simple image to text converter using EasyOCR
computer-vision converter easyocr numpy streamlit streamlit-web
Last synced: 07 Dec 2024
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/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
https://github.com/sanskaryo/driver-drowsiness-detection-alert
Drowsiness detection system with alert message and voice
computer-vision dlib-face-detection haarcascade-frontalface numpy opencv pandas raspberry-pi
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/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/liu-yucheng/aidesign-blend
AIDesign Image Fragments Blending Application
art creative design efficiency gnu-gplv3 gpl3 gplv3 image-processing numpy pillow python python3
Last synced: 09 Jan 2025
https://github.com/wtanaka/ansible-role-numpy
Ansible role to install numpy for Python
ansible ansible-galaxy ansible-role ansible-roles galaxy linear-algebra linear-algebra-library linearalgebra math mathematics numpy python scientific scientific-computing
Last synced: 22 Nov 2024
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/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/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
Last synced: 15 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/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/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/asepscareer/order-brushing
brush brushing e-commerce numpy orderbrushing pandas python shopee shopeecodeleague shopping
Last synced: 25 Nov 2024
https://github.com/sun-data/colorsynth
A Python library for creating false-color images from Numpy arrays of spectral intensity
cie1931 color-theory false-color-image image-processing matplotlib numpy spectrogram spectroscopy
Last synced: 20 Oct 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/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/messier16/m16_mlutils
Some stuff that is probably better implemented somewhere else but I'm still a newbie to find out where...
machine-learning numpy pandas python
Last synced: 28 Oct 2024
https://github.com/mayank0255/crime-prediction-analysis-2019
A Study of Lightweight Approaches to Analyze Crime Conditions in India 2001-2019
clustering crime-analysis data-mining data-visualization decision-trees fuzzy-logic matplotlib naive-bayes-classifier numpy pandas python random-forest scikit-learn tableau
Last synced: 30 Dec 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/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/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/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/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/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/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/illagrenan/django-numpy-json-encoder
Django JSON encoder with numpy support
Last synced: 02 Jan 2025
https://github.com/andresberejnoi/netbuilder
Create fully connected neural networks that can be trained in just a few lines of code
educational-project feedforward-neural-network machine-learning netbuilder neural-network neuralnetwork numpy python python3
Last synced: 13 Nov 2024
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/lorransutter/discretemethods
Discrete methods library
discrete-mathematics euler-method finite-difference numpy python3 runge-kutta-4 runge-kutta-fehlberg secant-method
Last synced: 01 Jan 2025
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/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/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/martincastroalvarez/python-monte-carlo-simulator
Monte Carlo simulator in Python.
monte-carlo-simulation montecarlo normal-distribution numpy pandas python simulation
Last synced: 22 Dec 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/deep-diver/linear-regression
implement simple version of "Linear Regression" using only Numpy
Last synced: 07 Jan 2025
https://github.com/gandhasiri-rahul-mohan/random-forests-q1-fraud_check
Use Random Forest to prepare a model on fraud data treating those who have taxable_income <= 30000 as "Risky" and others are "Good"
data-science machine-learning numpy pandas python random-forest
Last synced: 14 Jan 2025
https://github.com/enansari/basic-ai-learning-by-python
The codes I entered during learning course
ai artificial-intelligence jupyter jupyter-notebook numpy pandas python scikit-learn tensorflow
Last synced: 09 Jan 2025
https://github.com/shruagarwal/magical_image_art
Try this Streamlit App and receive three different styled effects out of an Image! 😉🌈
numpy opencv-python pillow python streamlit
Last synced: 20 Nov 2024
https://github.com/celilselcuk/skin-cancer-detector
A CNN model to distinguish whether a skin lesion is malignant or benign: cancerous or not. Trained on 1500 images for both benign and malignant classes attained from the ISIC skin condition dataset with over 84% accuracy and 93 F1 score.
benign-skin-lesions cancer-detection cnn-keras cnn-model flask image-classification malignant-skin-lesions medicalimaging numpy python tensorflow webapp
Last synced: 05 Nov 2024
https://github.com/hairymax/yandex.practicum.datascience
My projects from the Yandex Practicum Data Science course.
catboost computer-vision data-analysis data-science keras lightgbm matplotlib nltk numpy pandas python scikit-learn seaborn tensorflow xgboost
Last synced: 15 Nov 2024
https://github.com/anuraganalog/deep-learning-specialization
Coursera's Deep Learming Specialization Lecture notes
algorithms convolutional coursera deep hyperparameters learning lecture models networks neural notes numpy optimization python3 sequence specialization tuning
Last synced: 05 Jan 2025
https://github.com/itzzmeakhi/us-bikeshare-data
This project was done as a part of Data Analytics Nanodegree. In this project bikeshare data ( rented bikes) of three cities(washington, new york & chicago ) were taken. The patterns among the data like frequent route, frequent end and start station etc were displayed to the user based on his input (performed respect to day or month or both). The data given was processed so doesn't contain any null values, And this project is done at my beginner level so no scope of visualizations included in it.
Last synced: 29 Nov 2024
https://github.com/onurtemizkan/tsm-genetic-algorithm
Simple implementations of Genetic Algorithm on Traveling Salesman Problem
combinatorics genetic-algorithm numpy travelling-salesman-problem
Last synced: 30 Dec 2024
https://github.com/shuyib/pimamlsklearn
Using various supervised learning estimators in Sci-Kit Learn to get the best prediction accuracy if possible for the pima indians dataset.
cross-validation-score datascienceresearch diabetes machine-learning machine-learning-algorithms matplotlib-figures numpy pima-indians-dataset predictive-modeling python-3-5 roc-auc scikit-learn seaborn supervised-learning-estimators test-split-accuracy
Last synced: 22 Dec 2024
https://github.com/clayrisser/6-line-neural-net
The smallest neural network
Last synced: 15 Dec 2024
https://github.com/gitstar-oc/machine-learning
This are the Machine Learning notes by leading AI website named Deeplearning.AI. This notes will help you to be a machine learner from beginner to advanced level. Welcome Everyone!!
deep-learning deep-neural-networks jupyter-notebook machine-learning machine-learning-algorithms matplotlib numpy pandas python scikit-learn supervised-learning tensorflow unsupervised-learning
Last synced: 13 Oct 2024
https://github.com/eerkela/bertrand
flexible type extensions for pandas
conversions data-analysis data-engineering data-science multiple-dispatch numpy pandas type-checking type-inference types
Last synced: 30 Oct 2024
https://github.com/novikovadaria/jupiter_-_pandas_titanic_analysis
Итоговое задание по питону на специальности Программист. GeekBrains University | The final python assignment for the Programmer specialty. GeekBrains University
csv final-project geekbrains homework numpy pandas python
Last synced: 20 Nov 2024
https://github.com/quinta0/aequitasiq-
A financial analysis tool that creates an interactive dashboard to visualize personal income and expenses
langchain-python llm machine-learning nextjs14 numpy ollama pandas python sqlite
Last synced: 17 Dec 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: 21 Dec 2024
https://github.com/3rd-son/car-mileage-model
EDA and Model that predicts the mpg of cars
eda jupyter-notebook linear-regression machine-learning matplotlib numpy pandas python seaborn sklearn
Last synced: 28 Dec 2024
https://github.com/ISLA-UH/redpandas
Pandas pipeline for RedVox data
acoustics analysis data-science data-structures-and-algorithms geophysics infrasound libquantum numpy pandas redvox scipy smartphone
Last synced: 20 Nov 2024
https://github.com/sevdanurgenc/machinelearningcrashcourse
This repo consists of the topics I hold about Machine Learning Crash Course
machine-learning machine-learning-algorithms numpy pandas python tenserflow
Last synced: 30 Nov 2024
https://github.com/cursedprograms/ar-python-opencv
Augmented Reality with Python. Aruco Markers & OpenCV
aruco aruco-marker-detection aruco-markers aruco-markers-detection augmented-reality augmented-reality-applications matplotlib numpy opencv python
Last synced: 29 Oct 2024
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/anish202020/programs
This repository contains various computer graphics projects and examples designed to help students understand fundamental concepts in computer graphics.
matplotlib numpy opencv-python pygame python
Last synced: 15 Dec 2024
https://github.com/aaronmcleancs/cvv_15m_sars-cov-2
Convolutional Neural Network for SARS-CoV-2 X-ray Classification | Optimized for Apple silicon
Last synced: 07 Dec 2024
https://github.com/farid-karimi/digit-recognizer
Digit Recognizer Neural Network
digit-recognizer matplotlib mnist neural-network numpy pandas
Last synced: 16 Nov 2024
https://github.com/sudhish-rithvik/license-plate-recognition-system
Automatic number-plate recognition is a technology that uses optical character recognition on images to read vehicle registration plates
cv2 cv2-library harcascade harcascades image image-processing mechine-learning mechinelearning numpy open-source opencv python
Last synced: 31 Oct 2024
https://github.com/dlr-eoc/ukis_sat2h5
Convert geospatial satellite images to H5 arrays and back keeping the spatial extent.
array dask deep-learning geospatial hdf5 numpy python python3 raster satellite-imagery tiff
Last synced: 24 Nov 2024
https://github.com/dongminlee94/python-for-ml
A repository for study of python for machine learning
data-cleaning data-science kaggle-titanic machine-learning matplotlib numpy pandas python pythonic-code
Last synced: 11 Jan 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: 17 Nov 2024