Ecosyste.ms: Awesome

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

Awesome Lists | Featured Topics | Projects

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.

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/frankchen121212/RHSNet

Tensorflow and Keras implementation of RHSNet for recombination hotspot identification and quantification

computational-biology deep-neural-networks motif-discovery

Last synced: 28 Nov 2024

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: 02 Feb 2025

https://github.com/kumar-shivam-ranjan/recognizing-human-activity-using-multiple-wearable-accelerometer-sensors

The project in this repository solved the HAR problem by deep neural network specifically long Short term memory (LSTM) of recurrent neural network .

deep deep-learning deep-neural-networks lstm-model smartphone-sensors

Last synced: 13 Jan 2025

https://github.com/aabduvak/object-detection-setup

The YOLOv8 Object Detection Setup allows users to perform real-time object detection using the YOLOv8 algorithm. The project is designed for simplicity and convenience, enabling users to run their models seamlessly and obtain output videos with detected objects.

computer-vision deep-neural-networks object-detection opencv yolov8

Last synced: 08 Jan 2025

https://github.com/coding-enthusiast9857/automatic_text_generation

Welcome to the repository, where innovation meets language! This repository is a comprehensive collection of tools, models, and resources dedicated to the exciting field of automatic text generation. Whether you're a researcher, developer, or enthusiast, this repository provides a playground for exploring cutting-edge technology.

ai ann cnn deep-learning deep-neural-networks gru keras lstm ml neural-networks nlp numpy python rnn tensorflow tensorflow2 text-processing

Last synced: 14 Jan 2025

https://github.com/tanyachutani/neural-network-numpy

Neural Network (Multiple layers) from scratch using Numpy.

deep-neural-networks mnist neural-network neural-network-from-scratch numpy

Last synced: 10 Jan 2025

https://github.com/rakibhhridoy/ctscanpredictioncovid19-tensorflow

Classifying covid positive and negative cases in ct-scan images. Though the data is not large enough, it can be processed and make prediction from the model. Images are quite similar thus the task became much complicated.

cnn cnn-classification cnn-keras computer-vision covid-19 ctscan deep-learning deep-neural-networks image-classification image-processing keras machine-learning medical-image-analysis neural-network prognosis python

Last synced: 25 Dec 2024

https://github.com/furk4neg3/inception_v1-googlenet

Replication of Going Deeper with Convolutions paper using TensorFlow, with one example of how to use it. This model is mainly used for image classification problems.

artificial-intelligence computer-vision deep-learning deep-neural-networks image-classification machine-learning tensorflow

Last synced: 13 Jan 2025

https://github.com/geo-y20/standard-ocr-

Explore the Standard OCR Project: a deep learning-based character recognition system leveraging advanced computer vision techniques. Detect characters in images using ResNet, Xception, Inception, and MobileNet models. Train, evaluate, and contribute to this cutting-edge technology.

css deep-learning deep-neural-networks flask html javascript jupyter-notebook keras ocr-recognition ocr-text-reader python resnet tensorflow xception

Last synced: 08 Jan 2025

https://github.com/marx-wrld/mnist-character-recognition

Digital classification and Character Recognition using Tensorflow and the MNIST dataset

deep-neural-networks mnist-dataset tensorflow

Last synced: 12 Jan 2025

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/shaheennabi/deep-learning-practices-and-mini-projects

Welcome to Deep Learning & Math with Python! ๐Ÿš€๐Ÿ’ฅ Here, we blend code and theory to build deep learning algorithms from scratch and explore the math behind them. ๐Ÿง โšก Whether you're just starting or a seasoned pro, this space is all about learning, experimenting, and creating AI magic together! ๐Ÿ”ฅ๐ŸŽ† Let's code, learn, and innovate!

activation-functions backpropagation calculus deep-learning deep-neural-networks linear-algebra maths-behind-neural-network opencv pytorch tensorflow

Last synced: 14 Jan 2025

https://github.com/harshjuly12/deep-learning-approaches-for-enhanced-breast-cancer-detection

A deep learning project aimed at early detection of breast cancer by classifying tumors as benign or malignant based on features extracted from cell images. The project demonstrates data preprocessing, model training, and evaluation using various deep learning algorithms to achieve high accuracy in predictions.

aiml cnn deep-learning deep-neural-networks

Last synced: 12 Nov 2024

https://github.com/daelsepara/deeplearningcpp

C++ Implementation of Machine Learning Toolbox (deep neural networks and convolutional neural networks)

convolutional-neural-networks deep-neural-networks machine-learning-toolbox

Last synced: 29 Dec 2024

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/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/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/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/dhrupad17/100-days-of-deep-learning

Its the practice repository covering all the concepts @campusx-official has covered in his playlist in much detailed way.

cnn deep-learning deep-neural-networks lstm-neural-networks mlp-networks perceptron rnn

Last synced: 16 Jan 2025

https://github.com/mohammad95labbaf/brain-tumor-transferlearning

The Brain Tumor MRI Dataset from Kaggle is employed for automated brain tumor detection and classification research. Investigated methods include using pre-trained models (VGG16, ResNet50, and ViT). ๐Ÿง ๐Ÿ”

cnn cnn-keras deep-learning deep-neural-networks deeplearning kaggle-dataset keras keras-tensorflow neural-network neural-networks pretrained-models resnet-50 transfer-learning tumor-classification tumor-detection vgg16 vision vision-transformer vit

Last synced: 13 Jan 2025

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

https://github.com/toby-sanders-101/mydigits

Everything needed to create a AI bot that can read images

deep-neural-networks image-classification matplotlib numpy opencv pyautogui python

Last synced: 15 Jan 2025

https://github.com/coding-enthusiast9857/deep_learning_projects

Welcome to the Deep Learning Projects Repository! This repository is a collection of hands-on projects related to deep learning, covering a wide range of topics and applications.

ai ann cnn cv deep-learning deep-neural-networks dl gan image-processing keras ml nlp python pytorch rnn tensorflow transfer-learning

Last synced: 14 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/mashiat12/synthetic_brain_image_generation

Synthetic images generated using deeplearning model (GANs) allows researchers to create realistic, diverse MRI images that can supplement or expand existing datasets without needing additional patient scans.

artificial-intelligence deep-learning deep-neural-networks gan gans generative-adversarial-network generative-ai image-processing imagegeneration machine-learning

Last synced: 28 Jan 2025

https://github.com/m0hc3n/happy-or-sad-detection-deep-learning-model

This is a simple deep learning model to detect whether a person is happy or sad.

body-recognition convolutions deep-learning deep-neural-networks face-recognition-opencv

Last synced: 08 Jan 2025

https://github.com/ondrejbiza/vae

Variational autoencoders implemented in Tensorflow.

deep-learning deep-neural-networks tensorflow variational-autoencoders vq-vae

Last synced: 08 Jan 2025

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: 04 Feb 2025

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: 04 Feb 2025

https://github.com/ashkarin/ndpatch

Package to extract arbitrary regions from an N-dimensional numpy array assuming it mirrored infinitely.

array data-structures deep-neural-networks image-processing numpy patches region-of-interest

Last synced: 31 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/milankinen/c2w2c

C2W2C language model from my Master's Thesis

deep-learning deep-neural-networks keras nlp recurrent-neural-networks theano

Last synced: 19 Jan 2025

https://github.com/gsauc3/pytorch-model-details

Package to visualize all the layer parameters of a deep learning model.

cnn-model deep-learning deep-neural-networks model-summary pytorch summary

Last synced: 30 Dec 2024

https://github.com/zubair-irshad/udacity_deep_rl

My solutions (with explanations) to the Udacity Deep Reinforcement Learning Nano Degree Program assignments, mini-projects and projects

ddpg-algorithm deep-neural-networks deep-q-network deep-reinforcement-learning dqn ppo pytorch reinforcement-learning unity-ml-agents

Last synced: 16 Jan 2025

https://github.com/keyurparalkar/cifar-10

ConvNet implementation for CIFAR-10 dataset using pytorch

convolutional-neural-networks deep-learning deep-neural-networks lenet-architecture pytorch

Last synced: 30 Dec 2024

https://github.com/leehanchung/deeplearning.ai

Coursera Deeplearning.ai Deep Learning Specialization

coursera deep-learning deep-neural-networks neural-networks tensorflow

Last synced: 08 Jan 2025

https://github.com/himanshuvnm/generalized-gaussian-radial-basis-function-in-artificial-intelligence-matlab

This is the recent work of my on the importance and application of mathematical function around its Hilbert function theory on artificial intelligence algorithms. The main motivation was the desire of improving the convergence rate and learning rate of various learning algorithms via Generalized Gaussian Radial Basis Function.

activation-functions artificial-intelligence deep-learning deep-neural-networks gaussian-process-regression image-recognition kernel-regression machine-learning-algorithms neural-network reproducing-kernel-hilbert-space support-vector-machine

Last synced: 25 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/edwildson/facerecognition

Projeto de reconhecimento de face e sentimentos, feito com Django e ML

deep-neural-networks django face-detection face-recognition machine-learning opencv python

Last synced: 08 Jan 2025

https://github.com/iinjyi/hands-on-neural-networks

A series of hands-on notebooks for beginners in neural networks. [To be updated]

ai cnn computer-science deep-learning deep-neural-networks lstm maths neural-networks python pytorch rnn transfer-learning

Last synced: 30 Dec 2024

https://github.com/gokulnpc/fashion-mnist-gan

This script outlines the implementation of a Generative Adversarial Network (GAN) designed to generate fashion images using the Fashion MNIST dataset. The GAN consists of a generator and a discriminator, which are trained simultaneously in an adversarial manner.

deep-learning deep-neural-networks fashion-mnist generative-adversarial-network

Last synced: 02 Feb 2025

https://github.com/pathak-ashutosh/liver-segmentation

Segment liver using unet architecture. This was a project I did for a senior anonymously as his final year project during my undergrad.

biomedical-image-processing computer-vision deep-learning deep-neural-networks machine-learning neural-network segmentation unet-image-segmentation

Last synced: 02 Jan 2025

https://github.com/faizantkhan/deep-learning

Unlock deep learning's secrets! Dive into fundamentals, master advanced techniques, and ignite creativity with hands-on projects. Join a vibrant community, push boundaries, and unleash AI's full potential. Begin your journey now!

advanced-programming ai aiml beginner-friendly deep-learning deep-learning-algorithms deep-learning-tutorial deep-neural-networks deep-reinforcement-learning deeplearning keras-tensorflow machine-learning-algorithms machinelearning-python neural-networks open-source opencv python python-library tensorflow yolo

Last synced: 15 Jan 2025

https://github.com/jash271/beans_disease_classifier

Classifier to predict whether a plant is infected if so which diseases does it have

cnn-keras deep-neural-networks image-classification tensorflow-tutorials tensorflow2 transfer-learning

Last synced: 24 Jan 2025

https://github.com/suhani1209/mobile-gallery-image-classifier

Distinguishes the mobile gallery's images into various sets such as whatsapp documents, nature, cars, screenshots, the machine learns itself and predicts the results with an accuracy of 97.6%

cnn deep-learning deep-neural-networks image-classification object-classification python

Last synced: 25 Dec 2024

https://github.com/poodarchu/models.tf

papers implementation during learning dl and tensorflow.

deep-neural-networks tensorflow transfer-learning

Last synced: 28 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/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/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/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/iamgmujtaba/gif-celeba

A complete guide on how to generate animated images by detecting character face and gender using the CNN model.

celeba cnn-classification cnn-keras deep-neural-networks keras keras-tensorflow

Last synced: 09 Feb 2025

https://github.com/jefferyustc/miscan_cli

MiScan: mutation-inferred screening model of cancer | Apache Software License

bioinformatics deep-learning deep-neural-networks

Last synced: 21 Jan 2025

https://github.com/veeqtoh/corossion-detection

Welcome to Underwater Corossion Detection! In this project, I will use Python to manipulate complex data streams (mainly images) and present classification results based on state-of-the-art machine learning methods.

deep-learning deep-neural-networks image-classification image-processing image-recognition

Last synced: 29 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/norman-thomas/coursera-deep-learning

My implementation of assignments of the Coursera Deep Learning course and specialization

artificial-intelligence coursera deep-learning deep-neural-networks neural-networks

Last synced: 09 Jan 2025

https://github.com/ashraf-khabar/licence-plate-recognition

About The realization of a radar system for the detection of vehicle license plates is an innovative and ambitious technological project that aims to improve road safety and facilitate the identification of vehicles in traffic

ai deep-learning deep-neural-networks flask flask-api machine-learning machine-learning-algorithms oracle-database oracle-db python python3 shell sql tensorflow

Last synced: 21 Jan 2025

https://github.com/wahidpanda/car-tracking-open-cv

This project is about computer vision technology using to detect number of cars on highway

cartracking computer-vision deep-neural-networks opencv python-script pythonprojects

Last synced: 21 Jan 2025

https://github.com/e0xextazy/dog_breeds_clf

Trained the ResNet50 model from scratch on the imagewoof dataset. Reached 83% accuracy

classification classifier classifier-model deep-learning deep-neural-networks imagenette imagewoof resnet resnet-18 resnet-34 resnet-50 resnet50

Last synced: 24 Jan 2025

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/estevesx10/ml2-urban-sound-classification

Urban Sound Classification [Machine Learning II Course Project]

deep-neural-networks sound-classification

Last synced: 08 Feb 2025

https://github.com/sayannath/linear-app

An ANN model is built and trained and exported to tflite format. Then it is integrated into Android App.

android ann deep-learning deep-neural-networks java keras machine-learning tensorflow tflite

Last synced: 05 Feb 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/nurfakhri/predicting-travel-destination

Proyek machine learning untuk memprediksi preferensi destinasi wisata antara pantai dan gunung berdasarkan data tabular menggunakan model deep learning (TabNet dan Feedforward Neural Network) untuk klasifikasi, dengan fokus pada analisis performa

classification deep-neural-networks feedforward-neural-network machine-learning tabnet

Last synced: 05 Feb 2025

https://github.com/travelxml/tensorflow-and-keras-sentiment-analysis-using-rnn

NLP: Sentiment Analysis using TensorFlow and Keras: This project implements a Recurrent Neural Network (RNN) to classify Amazon product reviews into different sentiment categories. It leverages text preprocessing, tokenization, and model training to predict the sentiment with high accuracy.

deep-learning deep-neural-networks deeplearning keras keras-tensorflow nlp rnn rnn-tensorflow sentiment-analysis tenserflow

Last synced: 21 Dec 2024