Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
Deep neural networks
Deep neural networks (DNNs) are a class of artificial neural networks (ANNs) that are deep in the sense that they have many layers of hidden units between the input and output layers. Deep neural networks are a type of deep learning, which is a type of machine learning. Deep neural networks are used in a variety of applications, including speech recognition, computer vision, and natural language processing. Deep neural networks are used in a variety of applications, including speech recognition, computer vision, and natural language processing.
- GitHub: https://github.com/topics/deep-neural-networks
- Wikipedia: https://en.wikipedia.org/wiki/Deep_neural_networks
- Aliases: deep-neural-network,
- Last updated: 2025-01-27 00:07:24 UTC
- JSON Representation
https://github.com/spy16/cats-and-dogs
cats-and-dogs is a Convolutional Neural Network for classifying cats and dog pictures.
classification convolutional-neural-networks deep-neural-networks
Last synced: 01 Jan 2025
https://github.com/hoanle396/chatbot-api-ai
ai api chat chat-api chatbot cnn-model deep deep-learning deep-neural-networks
Last synced: 14 Dec 2024
https://github.com/ahmad-ali-rafique/weather-prediction-fcnn
This project demonstrates a complete pipeline for weather prediction using a Fully Connected Neural Network (FCNN). The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation.
ai artificial-intelligence data-analysis data-science deep-learning deep-neural-networks fully-connected-network machine-learning machine-learning-algorithms weather-information
Last synced: 16 Jan 2025
https://github.com/chaitanyak77/comparative-study-tensorflow-vs.-custom-neural-network-models
This repository presents a comprehensive comparative study that delves into the weights and biases of both inbuilt and custom-built Sequential Neural Network (SNN) models. The primary objective is to gain a deeper understanding of the differences and nuances between these two approaches.
custom-neural-network-training deep-neural-networks neural-network snn
Last synced: 16 Jan 2025
https://github.com/kalthommusa/stop-signs-application
Develop a custom classifier with PyTorch and transfer learning techniques to recognize stop signs, and then deploy it as a web application using Code Engine on IBM cloud.
cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks image-classification image-recognition python pytorch resnet-18 stop-sign-detection transfer-learning
Last synced: 17 Jan 2025
https://github.com/kalthommusa/deep-neural-networks-with-pytorch
Collection of Coursera's Deep Neural Networks with PyTorch course by IBM labs notebooks.
cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks neural-network pytorch pytorch-cnn
Last synced: 17 Jan 2025
https://github.com/kalthommusa/face-mask-application
Develop a custom classifier with PyTorch and transfer learning techniques to recognize face masks, and then deploy it as a web application using Code Engine on IBM cloud.
cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks face-mask-classification image-classification image-recognition python pytorch resnet-18 transfer-learning
Last synced: 17 Jan 2025
https://github.com/cyrildever/neural-networks-and-deep-learning-in-golang
Code adaptation of "Neural Networks and Deep Learning" book in Go
deep-learning deep-neural-networks golang neural-networks
Last synced: 22 Jan 2025
https://github.com/samanyougarg/dl-mnist
Deep Learning on the MNIST Handwritten Digits Dataset.
deep-learning deep-neural-networks keras mnist python tensorflow
Last synced: 13 Dec 2024
https://github.com/donaldte/my-master-project-solar-radiation-prediction
Solar radiation Prediction Cameroon
ann cameroon cameroun deep-neural-networks knn-algorithm machine-learning-algorithms predictive-modeling region solar solar-energy solar-irradiation solar-system
Last synced: 19 Dec 2024
https://github.com/rani-sikdar/tensorflow-learning
A comprehensive repository for learning TensorFlow, featuring code examples, projects, and resources. Covers concepts from beginner to advanced, including neural networks, CNNs, RNNs, NLP, and deployment. Ideal for students, developers, and AI enthusiasts.
artificial-neural-networks convolutional-neural-networks deep-learning deep-neural-networks keras-tensorflow machine-learning recurrent-neural-networks tensorflow tensorflow-models
Last synced: 25 Jan 2025
https://github.com/nikamrohan/cats-vs-dogs
Using Pytorch with Django To distinguish Cats from Dogs by Fine Tuning pretrained Model.
cats-vs-dogs deep-learning deep-neural-networks django django-framework fine-tuning-cnns pretrained-models pytorch pytorch-implmention vgg16
Last synced: 06 Jan 2025
https://github.com/darraghdog/fish
Kaggle - The Nature Conservancy :fish:
cnn deep-neural-networks kaggle-competition keras region-detection yolo2
Last synced: 20 Dec 2024
https://github.com/m-pektas/identitysimilarity
This repository can help researchers who want to use face recognition in their research.
deep-learning deep-neural-networks face-recognition identity-loss loss loss-functions pytorch
Last synced: 11 Jan 2025
https://github.com/vanditg/image_analytics_task_ai_australia
This repository contains solutions or files of my attempt for the AI Austraial task of Image Analytics. The submission language is Python.
blurred-background bounding-boxes computer-vision deep-learning deep-neural-networks face-detection face-quality facial-expression-recognition haarcascade-frontalface
Last synced: 22 Dec 2024
https://github.com/dhairyac/cutlery-image-classification
Use transfer learning for large image classification
deep-learning deep-neural-networks fine-tuning image-processing imagenet-classifier keras transfer-learning xception-model
Last synced: 22 Jan 2025
https://github.com/michaelradu/tinytensor
TinyTensor is an open-source deep learning library built from scratch in Python, inspired by Joel Grus' approach.
ai deep-learning deep-learning-algorithms deep-neural-networks deep-reinforcement-learning deeplearning deeplearning-ai machine-learning machine-learning-algorithms machine-learning-library machinelearning-python neural-network python python3
Last synced: 01 Dec 2024
https://github.com/saturnism/udacity-730-deep-learning-notebook
Ray's Udacity UD730 Deep Learning notes
deep-learning deep-neural-networks jupyter-notebook machine-learning python udacity udacity-android-nanodegree
Last synced: 10 Jan 2025
https://github.com/louis030195/xmoto_learning
reinforcement learning algorithms for xmoto_gym environment
artificial-intelligence deep-learning deep-neural-networks deeplearning machine-learning machinelearning python reinforcement-learning
Last synced: 25 Dec 2024
https://github.com/mostafanabieh/data-augmentation
Data augmentation by Tensorflow v2
deep deep-learning deep-neural-networks deeplearning tensorflow tensorflow-examples tensorflow-models tensorflow-tutorials tensorflow2
Last synced: 16 Jan 2025
https://github.com/zjysteven/awesome-byte-llm
A curated list of papers and resources on byte-based large language models (LLMs) — models that operate directly on raw bytes.
awesome-list byte-llms deep-learning deep-neural-networks foundation-models large-language-models machine-learning multimodal-large-language-models research-paper tokenization-free transformers
Last synced: 20 Dec 2024
https://github.com/ahammadmejbah/the-90-day-pytorch-mastery-roadmap
Embark on a 90-day journey to master PyTorch! From tensor basics to advanced deep learning, each day offers lessons, hands-on exercises, and curated resources. Gain practical skills to confidently build, train, and deploy models across diverse applications.
ai artificial-intelligence data-engineering data-science data-visualization deep-learning deep-learning-algorithms deep-neural-networks python python-3 pytorch pytorch-cnn pytorch-gan pytorch-implementation pytorch-nlp pytorch-tutorial
Last synced: 20 Jan 2025
https://github.com/augus1999/akane
AsymmetriC AutoeNcodEr (ACANE → AkAne). This model is part of MSc Electrochemistry and Battery Technologies project (2022 - 2023), University of Southampton.
chemistry deep-neural-networks denovo-design graph-neural-networks machine-learning multitask-learning pytorch-implementation transformer
Last synced: 14 Nov 2024
https://github.com/rakibhhridoy/easywaydiveinto-datascience
Data Science is not as easy as it seems at first. The most problem faced by new learner are lack of resource knowledge as well as confusion in using the various resources. I hope this repository will benefit confusion learner.
algorithms algorithms-implemented bayesian-statistics data-science deep-learning deep-neural-networks linear-algebra machine-learning matplotlib multivariate-calculus numpy optimization pandas python scikit-learn scipy seaborn statistics statsmodels tensorflow
Last synced: 25 Dec 2024
https://github.com/arif-miad/titanic-analysis
artificial-intelligence data data-science deep-neural-networks
Last synced: 14 Jan 2025
https://github.com/arkapg211002/sem-7-cse
Books and Organizers for Sem 7 CSE
books deep-neural-networks machine-learning operations-research organizer project-management
Last synced: 15 Jan 2025
https://github.com/mkturkcan/constellation-web
Website for the Constellation Dataset project.
computer-vision dataset deep-learning deep-neural-networks object-detection pretrained-models traffic urban-data-science urban-planning
Last synced: 22 Dec 2024
https://github.com/extwiii/ml-university.of.washington
Build Intelligent Applications - ML - University of Washington - Coursera
classification deep-learning deep-neural-networks machine-learning python regression svm washington-university
Last synced: 29 Nov 2024
https://github.com/idwessough/autonomous-driving
Autonomous Driving behaviour for a 4 wheel drive robot vehicle using AI and ROS to drive autonomously in a scaled city
artificial-intelligence computer-vision deep-neural-networks object-recognition robot-framework robotics ros2
Last synced: 22 Jan 2025
https://github.com/priyankkalgaonkar/condensenext
An Ultra-Efficient Deep Neural Network for Embedded Systems
artificial-intelligence computer-vision condensenext deep-neural-networks machine-learning pytorch
Last synced: 09 Jan 2025
https://github.com/ahammadmejbah/understanding-convolutional-layers
Convolutional layers are a type of neural network layer primarily used in deep learning models for processing data that has a grid-like topology, such as images.
deep-learning deep-learning-tutorial deep-neural-networks deep-reinforcement-learning deeplearning
Last synced: 09 Jan 2025
https://github.com/angelmtenor/aind-deep-learning
Deep Learning and Applications
convolutional-neural-networks deep-neural-networks keras natural-language-processing recurrent-neural-networks
Last synced: 04 Jan 2025
https://github.com/kinginthenorth001/rice_leaf_disase_detection
A CNN Model that can predict these 4 (['Bacterialblight', 'Blast', 'Brownspot', 'Tungro']) Rice leaf diseases.
cnn-classification deep-learning deep-neural-networks image-processing keras-neural-networks tensorflow
Last synced: 22 Jan 2025
https://github.com/markus28/ml-library
Java Implementation of Machine-Learning Algorithms
classification clustering deep-learning deep-neural-networks kmeans machine-learning
Last synced: 26 Jan 2025
https://github.com/mozturan/mlanddl-withwebapp
Web app to perfom machine learning algorithms (both for regression and classification) on almost ready datasets.
decision-trees deep-learning deep-neural-networks heatmap linear-regression logistic-regression machine-learning streamlit web-application
Last synced: 23 Dec 2024
https://github.com/olitheolix/ds2data
Space Sim Inspired Data Set for Machine Learning Purposes
3d-models deep-learning deep-neural-networks machine-learning space-sim tensorflow
Last synced: 02 Jan 2025
https://github.com/ocramz/pytorch-playground
deep-learning deep-neural-networks sequence-models
Last synced: 05 Dec 2024
https://github.com/vpanjeta/self-driving-car
A Program for the implementation of Udacity's nano degree on self driving cars
cnn cnn-keras computer-vision deep-learning deep-neural-networks self-driving-car udacity
Last synced: 28 Dec 2024
https://github.com/akash-nath29/image-classifier
A Machine Learning Model capable to detect person's mood (happy or sad) from image
deep-neural-networks dnn keras keras-neural-networks keras-tensorflow machine-learning tensorflow tensorflow-models
Last synced: 20 Dec 2024
https://github.com/justanhduc/spatial-transformer-network
A Theano implementation of the paper "Spatial Transformer Networks" by Jaderberg et al..
computer-vision deep-learning deep-neural-networks spatial-transformer-network theano
Last synced: 02 Jan 2025
https://github.com/wilhelmagren/pychess
Terminal User Interface for playing chess. Either against your friend or the Deep CNN limited look ahead agent.
ai autoencoder chess classification convolutional-neural-networks deep-learning deep-neural-networks machine-learning pygame python-chess pytorch regression
Last synced: 15 Dec 2024
https://github.com/justanhduc/multar
The official implementation of the ICASSP paper "A simple way of multimodal and arbitrary style transfer"
deep-learning deep-neural-networks python style-transfer theano
Last synced: 02 Jan 2025
https://github.com/ali-el-badry/pothole-detection
A deep learning-based project for detecting potholes in road surfaces using computer vision. Utilizes YOLO models for accurate, real-time pothole detection from images and videos, with a custom dataset and data augmentation techniques. Ideal for applications in road maintenance, autonomous vehicles, and insurance assessments.
deep-learning deep-neural-networks object-detection pothole-detection potholes yolo
Last synced: 06 Dec 2024
https://github.com/arif-miad/introduction-to-open-cv
Computer vision is a field of study focused on enabling computers to interpret and understand the visual world. OpenCV provides a comprehensive set of tools and algorithms for various tasks in computer vision, including image and video processing, object detection and tracking, facial recognition, augmented reality, and mor
data-science deep-neural-networks
Last synced: 14 Jan 2025
https://github.com/eren23/nn-architecture-examples
A small collection of basic neural networks for different tasks using pytorch.
deep-neural-networks neural-network neural-network-architectures neural-network-example neural-network-tutorials neural-networks neural-networks-from-scratch pytorch pytorch-implementation
Last synced: 04 Dec 2024
https://github.com/lukasturcani/dnn
Implementations of deep network architectures in PyTorch.
cnn cnn-architecture cnn-classification dcgan deep-learning deep-neural-networks deeplearning gan gans image-inpainting neural-network neural-networks progressively-growing-gan
Last synced: 10 Jan 2025
https://github.com/coditheck/tensorflow
TensorFlow is an open source Machine Learning library, created by Google, for developing and running Machine Learning and Deep Learning applications.
deep-learning deep-neural-networks keras machine-learning neural-network python tensorflow tensorflow-tutorials
Last synced: 21 Dec 2024
https://github.com/sathyasris27/image-classification-using-dnn-and-cnn
The main aim of this project is to understand and implement deep neural network (DNN) and convolutional neural network (CNN) and see how these can be used for classification problems.
classification convolutional-neural-networks data-science deep-learning deep-neural-networks image-classification python
Last synced: 10 Jan 2025
https://github.com/poodarchu/models.tf
papers implementation during learning dl and tensorflow.
deep-neural-networks tensorflow transfer-learning
Last synced: 30 Nov 2024
https://github.com/papapana/dog-breed-classification-with-convolutional-neural-networks
Predicting dog breed using convolutional neural networks
convolutional-neural-networks deep-learning deep-neural-networks pytorch
Last synced: 13 Jan 2025
https://github.com/sreeeswaran/text-generation-using-t5
This project demonstrates the use of Transformers for text generation using the T5 model. The project includes the necessary code for training the model on a custom dataset and generating new text.
ai artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks neural-networks t5 t5-model text-generation text-generation-using-t5 text-to-text text-to-text-generation text-to-text-transfer-transformer text-to-text-transformer tranformers
Last synced: 22 Jan 2025
https://github.com/guiferviz/happyml
Machine Learning Python library for academic purposes.
deep-learning deep-neural-networks learning machine-learning machine-learning-algorithms neural-network neural-networks numpy
Last synced: 17 Dec 2024
https://github.com/amlanmohanty1/face-recognition-attendance-management-system-with-powerbi-dashboard
Face Recognition based Attendance Management System with a Flask web application and Power BI attendance dashboard.
attendance-management-system deep-neural-networks dlib-face-recognition face-recoginition flask opencv opencv-python power-bi power-bi-dashboard powerbi powerbi-report python sqlite3
Last synced: 16 Jan 2025
https://github.com/freebirdscrew/machinelearning_scratch
Machine Learning from Scratch and Implement Everything with Python
deep-learning deep-neural-networks goog google-maps-api machine-learning machine-learning-algorithms machinelearning machinelearning-python nlp-machine-learning python python-3 summarization tensorflow tensorflow-tutorials youtube-downloader
Last synced: 05 Jan 2025
https://github.com/mohammad95labbaf/energyprediction-arima-transformer
This report investigates the energy consumption prediction using time series analysis and deep learning methodologies. The extracted features and implemented transformer model demonstrate a high predictive accuracy.
arima arma deep-learning deep-neural-networks deeplearning feature-extraction feature-selection lstm lstm-neural-networks prediction time-series time-series-analysis timeseries transformer
Last synced: 13 Jan 2025
https://github.com/clberube/gims
Command line interface for geospatial image segmentation
deep-neural-networks geospatial-analysis segmentation unet
Last synced: 21 Jan 2025
https://github.com/kingabzpro/mrna-vaccine-degradation-prediction
The model that will predict the degradation rates at each base of an RNA molecule.
covid-19 data-science deep-neural-networks mrna-stability vaccine
Last synced: 17 Jan 2025
https://github.com/ynstf/moboot
Moboot is a chatbot developed in Moroccan Darija, Based on a collection of Moroccan phrases and responses, Moboot has been trained to engage in relatively short conversations with users.
api boot css darija-nlp deep-neural-networks flask html neural-network nlp
Last synced: 11 Jan 2025
https://github.com/nobuyuki83/dnn_classify
object classification using deep neural network
classification deep-learning deep-neural-networks neural-network
Last synced: 04 Jan 2025
https://github.com/wapiti08/machine_learning_practice
the collections to practice the wide range of different machine learning skills
deep-neural-networks machine-learning nlp-machine-learning security-automation sklearn
Last synced: 04 Jan 2025
https://github.com/princep/blogsleepi
Blogs for Leepi Application
android androiddevchallenge deep-neural-networks edtech educational-project machine-learning
Last synced: 04 Jan 2025
https://github.com/puyuan1996/rl_mcts_intro
强化学习 (RL) 与蒙特卡洛树搜索 (MCTS) 相关学习资源
artificial-intelligence awesome deep-learning deep-neural-networks deep-reinforcement-learning introduction learning mcts monte-carlo-tree-search ppt reinforcement-learning resources rl search
Last synced: 04 Jan 2025
https://github.com/luluw8071/neural-network-from-scratch-using-numpy
A linear neural network from scratch using Numpy for training MNIST Dataset
deep-neural-networks digit-recognition-mnist mnist-classification neural-network-from-scratch numpy python
Last synced: 11 Jan 2025
https://github.com/annapoorna-a-k/covid-19-detection-using-cnn
A precise and efficient model capable of early and accurate COVID-19 diagnosis.
bioinformatics cnn covid-19 covid-prediction deep-learning deep-neural-networks neural-network x-ray-images
Last synced: 03 Jan 2025
https://github.com/vidhi1290/image-inpainting
🎨 Restore images flawlessly with our Image Inpainting Showcase! Using Convolutional Neural Networks, we revive corrupted parts. Explore code, models, and innovation for visual perfection. Join the AI journey of artistry and magic! 🖼️🔮 #ImageInpainting
artificial-intelligence artificial-neural-networks cifar10 computer-vision datascience datavisualization deep-learning deep-neural-networks humanfacedetection image-inpainting kaggle lfw-dataset machine-learning machine-learning-algorithms mnist-handwriting-recognition neural-networks python
Last synced: 08 Dec 2024
https://github.com/mituskillologies/dc-adv-nlp-may24
Programs of Advanced Certificate Course on "Python for Computational Linguistics and NLP" conducted at Deccan College PGRI, Pune. May 2024.
artificial-neural-networks bert convolutional-neural-network decision-tree deep-learning deep-neural-networks k-means-clustering knn-classification machine-learning natural-language-processing python-programming recurrent-neural-network sentiment-analysis sequence-models transformers-models
Last synced: 13 Jan 2025
https://github.com/cloaky233/binary-classifier-cnn
A Convolutional Neural Network (CNN) implementation using PyTorch and TensorFlow/Keras to classify images of cats and dogs. This project includes training scripts, model architectures, and instructions for easy setup and usage.
binaryclassification deep-learning deep-neural-networks pytorch
Last synced: 20 Jan 2025
https://github.com/vidhi1290/face-recognition-system-in-python-using-facenet
Dive into the world of computer vision! Our Image Classification from Video project uses advanced techniques to identify faces in images and videos. Explore video processing, face extraction, and deep learning magic. Join the adventure now! 👩💻📸"
computer-vision data-visualization deep-learning deep-neural-networks face-detection friends-dataset haar-cascade-classifier image-classification image-recognition opencv pretrained-models python vggface video-processing
Last synced: 08 Dec 2024
https://github.com/neerajcodes888/cat-vs-dog-image-classification
Repository for a deep learning model that classifies images as either cats or dogs using deep learning techniques. The model is trained on a diverse dataset and achieves high accuracy in distinguishing between these two popular pet categories. Includes pre-processing scripts, model architecture, and evaluation metrics for seamless implementation
cats-vs-dogs cats-vs-dogs-classification deep-learning deep-neural-networks googlecolaboratory imageclassification python3
Last synced: 04 Dec 2024
https://github.com/emaballarin/rddl
Rapid Deployment Deep Learning
anaconda-environment artificial-intelligence deep-learning deep-neural-networks infrastructure machine-learning python3 scaffold
Last synced: 27 Nov 2024
https://github.com/tiskw/gaussian-process-bootstrapping-layer
PyTorch implementation of the Gaussian process bootstrapping layer
artificial-intelligence deep-neural-networks gaussian-processes machine-learning python pytorch
Last synced: 11 Jan 2025
https://github.com/wodenwang820118/music_genre_multiclass_classification
The multiclass classification sometimes gets poor results. The repository attempts to use comet_ml to grid search and find the best hyperparameters and concatenate different models for training a better model. The goal is to classify the music genres.
deep-learning deep-neural-networks machine-learning multiclass-classification music-genre-classification
Last synced: 11 Jan 2025
https://github.com/abhiramdodda/two-stage-plant-diesease-detection
In this repo a two stage plant disease detection is introduced which reduces time required for training and gives greater accuracy.
deep-neural-networks efficientnet image-processing tensorflow
Last synced: 12 Jan 2025
https://github.com/barbarpotato/sentiment-analysis-bangkit-capstone-project
This Project was from Bangkit Capstone Project, the goal from this repository, is to built the sentiment analysis to classified the sentence is it the positive or the negative sentiment about the specific event organizer review.
deep-learning deep-neural-networks h5 natural-language-processing sentiment-analysis tflite-models
Last synced: 11 Jan 2025
https://github.com/ahmad-ali-rafique/handwritten-digit-recognition-mnist
This project demonstrates a complete pipeline for recognizing handwritten digits using the MNIST dataset. The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation of a Fully Connected Neural Network (FCNN).
ai artificial-intelligence data data-analysis datascience deep-learning deep-neural-networks fcnn fully-connected-network machine-learning machine-learning-algorithms ml modeling
Last synced: 16 Jan 2025
https://github.com/vasugi2003/leather-defect-prediction-using-convolution-neural-network
Predicting Defects on Leather by using Image dataset from kaggle.
deep-neural-networks deeplearning image image-classification image-processing python
Last synced: 11 Jan 2025
https://github.com/chromonav/neuroprobe
My excursions in the world of Artificial Neural Networks
artificial-intelligence bayesian-deep-learning data-science deep-learning deep-neural-networks genetic-algorithms genetic-programming machine-learning tutorials
Last synced: 25 Jan 2025
https://github.com/iwas-coder/guanaco
A simple, uncomplicated, multilayered Neural Network framework written in pure C.
ai ai-models c deep-learning deep-neural-networks header-only neural-network stb
Last synced: 28 Nov 2024
https://github.com/grascya/forecasting-electricity-by-hour-rnn-vs-lstm
Explore the Production and Consumption of Electricity produced by different types of energy sources and build an RNN and LSTM to forecast them
deep-neural-networks electricity keras lstm-neural-networks rnn-model tensorflow2
Last synced: 10 Oct 2024
https://github.com/ardawanism/a-tour-of-pytorch
In this repo, an introductory tutorial on PyTorch is provided. You can learn about the basics of PyTorch alongside defining and training deep neural networks consisting of different layer types such as fully-connected, convolutional, and etc.
convolutional-neural-networks deep-learning deep-neural-networks deeplearning multilayer-perceptron neural-network neural-networks pytorch pytorch-tutorial
Last synced: 10 Oct 2024
https://github.com/kalessin/nntop
deep-learning deep-neural-networks python2 python3 tensorflow
Last synced: 24 Jan 2025
https://github.com/jotstolu/training-machine-learning-models-for-weed-classification
This project involves training different machine learning-based classifiers using image processing techniques to accurately classify two weed classes: charlock and cleavers.This Image classification task focuses on Four Main things: 1)Image Preparation and Pre-processing 2)Feature Extraction 3)Model Training 4)Model Evaluation and Analysis
deep-learning deep-neural-networks image-classification image-processing machine-learning
Last synced: 26 Jan 2025
https://github.com/ardawanism/advanced_deep_learning_fall_2023
In this repository some codes and visualizations are provided for Advanced Deep Learning course.
advanced-deep-learning convolutional-neural-networks deep-learning deep-neural-networks machine-learning machine-learning-algorithms recurrent-neural-networks
Last synced: 20 Jan 2025
https://github.com/unikraft/lib-dnnl
Unikraft port of Intel Math Kernel Library for DNNs
deep-neural-networks intel library math-library unikernel unikraft
Last synced: 19 Jan 2025
https://github.com/ardawanism/fault-detection-and-identification-2023
In this repo, a few topics about useful Machine Learning and Deep Learning algorithms for Fault Detection and Identification are taught.
convlstm convlstm-network convlstm-pytorch convolutional-neural-networks convolutional-recurrent-network deep-learning deep-neural-networks deeplearning fault-detection fault-diagnosis machine-learning machine-learning-algorithms multilayer-perceptron pytorch pytorch-implementation recurrent-neural-networks
Last synced: 20 Jan 2025
https://github.com/coolashishpt/-machine-deep-learning
RESEARCH PAPERS AND IMPLEMENTATIONS (Semi Projects)
deep-learning deep-neural-networks jupyter-notebook machine-learning machinelearning-python python-3-6
Last synced: 24 Jan 2025
https://github.com/debasish-dutta/handwritten-digit-classifier
A web-app based on a handwritten digit recognizer TF model and its neural network created from scratch and is deployed using a web-app with tensorflow.js
deep-neural-networks tensorboard-mnist-digit tensorflow2
Last synced: 19 Jan 2025
https://github.com/stupidcucumber/stablediffusion
A repository for fine-tuning StableDiffusion2.
deep-neural-networks diffusion-models generation python stable-diffusion text-to-image torch training
Last synced: 19 Jan 2025
https://github.com/stupidcucumber/deeplabv3-celebhq
Trained Torch version of the DeepLab on the CelebHQ.
deep-neural-networks deeplabv3 face-segmentation python3 segmentation-models torch
Last synced: 19 Jan 2025
https://github.com/aravinda-1402/diabetes-prediction-using-machine-learning
To predict whether a person has diabetes or not depending on the parameters given using the 'PIMA Diabetes' dataset
data-science deep-neural-networks machine-learning-algorithms
Last synced: 19 Jan 2025
https://github.com/inviii/ava
AVA is an AI/ML-based open-source program designed for fully autonomous Cars and Drones. AVA stands for AUTONOMOUS VEHICLE & AVIATION
ava aviation computer-vision convolutional-neural-networks deep-neural-networks lane-finding machine-learning self-driving-car tensorflow traffic-sign-classification vehicle-detection
Last synced: 19 Jan 2025
https://github.com/ardawanism/mlp-mixer-an-all-mlp-architecture-for-vision
In this repository, a very informative and comprehensive implementation of MLP-Mixer is provided for educational purposes using PyTorch.
computer-vision deep-learning deep-neural-networks fully-connected-network machinevision mlp mlp-mixer
Last synced: 20 Jan 2025
https://github.com/lifeisbeautifu1/deep-learning
My Google Colab notebooks for studying Deep Learning
ai computer-vision convolutional-neural-networks data-science deep-learning deep-neural-networks difussion machine-learning neural-network notebook python pytorch tensorflow text-to-image
Last synced: 19 Jan 2025
https://github.com/ardawanism/convmixer-patches-are-all-you-need
In this repository, a very informative and comprehensive implementation of ConvMixer architecture is provided for educational purposes using PyTorch.
cnns computer-vision convmixer convolutional-neural-networks deep-learning deep-neural-networks machinevision
Last synced: 20 Jan 2025
https://github.com/ardawanism/autoencoder_ml_kntu_spring2024
In this repo, a clean and efficient implementation of Fully-Connected or Dense Autoencoder is provided. The code alongside the video content are created for Machine Learning course instructed at Khajeh Nasir Toosi University of Technology (KNTU).
autoencoder autoencoder-neural-network autoencoders deep-learning deep-neural-networks machine-learning
Last synced: 20 Jan 2025
https://github.com/akashash01/artificial_neural_network
It is an network of neurons that make up a human brain, so that machine can able to learn things and make decision like humans. This deep learning model is more flexible for regression and classification problems(linear & non-linear), susceptible to overfitting.
data-science datavisualization deep-learning deep-neural-networks python
Last synced: 14 Dec 2024
https://github.com/ostaptan/road_signs_prediction
Road signs prediction CNN model
cnn-classification deep-neural-networks machine-vision relu tensorflow
Last synced: 19 Jan 2025
https://github.com/ggiuffre/machine-lambda
Purely functional implementation of SGD on feed-forward neural nets
deep-neural-networks functional-programming haskell-library neural-network stochastic-gradient-descent
Last synced: 19 Jan 2025