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/sebukpor/breast-cancer-classification

this model classifies breast cancer as either benign or malignant

deep-learning deep-neural-networks tensorflow tensorflowjs

Last synced: 22 Dec 2024

https://github.com/shashwat9kumar/covid_face_mask_detection

Detecting whether a person in the picture has face mask on or not using a convolutional neural network

cnn covid19 deep-learning deep-neural-networks face-detection mask-detection tensorflow

Last synced: 12 Jan 2025

https://github.com/zaquyn/tensorflow-developer-certificate-bootcamp

These notebooks contain many foundations in TensorFlow from to fundamental to NLP, Computer Vision and Time series

artificial-intelligence deep-learning deep-neural-networks tensorflow tensorflow-tutorials tensorflow2

Last synced: 21 Dec 2024

https://github.com/techshot25/fashion-mnist-dnn

Testing the construction of deep neural nets (DNNs) on fashion MNIST dataset.

classification deep-neural-networks machine-learning-algorithms neural-network tensorflow tensorflow-experiments

Last synced: 21 Dec 2024

https://github.com/yash-rewalia/emotion_detection_cnn_deep_learning

This project focuses on emotion detection using Convolutional Neural Networks (CNN), implementing and comparing four models: a custom CNN, a custom CNN with data augmentation, VGG16, and ResNet50v2 for accurate emotion recognition from images.

deep-learning deep-neural-networks emotion-detection keras machine-learning python tensorflow

Last synced: 21 Dec 2024

https://github.com/maosong2022/tinyneuralnetwork

A simply C++ implemented neural networks

cpp cpp17 deep-learning deep-neural-networks

Last synced: 22 Jan 2025

https://github.com/george-nyamao/keras-cnn-mnist-tuning

This repository illustrates model tuning using the Keras MNIST dataset with CNN.

convolutional-neural-networks deep-learning deep-neural-networks keras-tensorflow mnist-dataset

Last synced: 06 Dec 2024

https://github.com/protyayofficial/imagecolorization

This project utilizes GANs for converting grayscale images to color, leveraging deep learning models to enhance colorization accuracy. It features customizable training pipelines, evaluation metrics, and supports further improvements with new models and techniques.

convolutional-neural-networks deep-learning deep-neural-networks generative-adversarial-network image-colorization image-generation pytorch

Last synced: 21 Dec 2024

https://github.com/mahendran-narayanan/double-vit

[ICPR 2024] DoubleViT Pushing transformers towards the end because of convolutions

deep-learning deep-neural-networks icpr2024 pytorch tensorflow

Last synced: 21 Dec 2024

https://github.com/alex-lechner/carnd-semanticsegmentation-p12

An approach for pixel-based classification of drivable parts of the road (known as Semantic Segmentation). Project 12 of Udacity's Self-Driving Car Engineer Nanodegree Program.

autonomous-vehicles deep-learning deep-neural-networks deeplearning fully-convolutional-networks self-driving-car semantic-segmentation tensorflow

Last synced: 22 Jan 2025

https://github.com/alex-lechner/carnd-behavioralcloning-p3

Driving a car around a track in Udacity's car simulator only with image data and neural networks. Project 3 of Udacity's Self-Driving Car Engineer Nanodegree Program.

autonomous-vehicles behavioral-cloning convolutional-neural-networks deep-learning deep-neural-networks keras keras-neural-networks self-driving-car udacity-self-driving-car

Last synced: 22 Jan 2025

https://github.com/himudigonda/digits-recognition

This project uses ML and keras modules to recognise digits from the given dataset.

deep-learning deep-neural-networks digit-recognizer jupyter-notebook keras tensorflow

Last synced: 15 Nov 2024

https://github.com/aravinda-1402/cotton_disease_prediction

Deep Learning model to detect a diseased cotton plant

cnn deep-neural-networks python3

Last synced: 19 Jan 2025

https://github.com/sensorsini/pycaffejaer

A collection of utilities useful to debug deep-networks trained with Caffe Deep Learning Framework. This utilities can also be used to convert caffe networks into jAER xml format

deep-learning deep-neural-networks machine-vision sensors

Last synced: 21 Jan 2025

https://github.com/j3-signalroom/j3-ml_ai-education_experiences

Some of the project notebooks I built during my deepatlas.ai well-rounded education program.

artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks machine-learning

Last synced: 14 Dec 2024

https://github.com/valeman/udacity-self-driving-car-traffic-signs-classifier-p2

My project pipeline for the Udacity Self-Driving-Car Nanodegree program's Project 2 - Traffic Sign Classifier

convolutional-neural-networks deep-learning deep-neural-networks machine-vision pyton self-driving-car tensorflow

Last synced: 22 Jan 2025

https://github.com/m0saan/guitardetect

Deep Learning for Guitars 🎸: Guitar Classifier using CNN

cnn cnn-classification deep-neural-networks guitar-classifier

Last synced: 16 Jan 2025

https://github.com/zakircodearchitect/flight-intent-classifier

This project uses a Bidirectional LSTM model to classify flight-related queries into 8 intents. Trained on the ATIS dataset, it achieved 97% test accuracy and is ideal for travel-related chatbots.

atis-dataset deep-neural-networks intent-classification neural-network

Last synced: 29 Dec 2024

https://github.com/ahammadmejbah/fundamental-concepts-and-architectures-of-neural-network

Neural Networks are a set of algorithms, modeled loosely after the human brain, designed to recognize patterns. They interpret sensory data through a kind of machine perception, labeling, and clustering of raw input.

deep-learning deep-learning-algorithms deep-neural-networks deep-reinforcement-learning

Last synced: 09 Jan 2025

https://github.com/rishikesh-jadhav/robot-learning

This repository contains my solutions and code submissions for assignments and projects completed as part of ENPM690 during Spring 2024. Each assignment is organized in its own folder, with accompanying documentation and any necessary resources.

computer-vision deep-learning deep-neural-networks imitation-learning machine-learning reinforcement-learning robotics

Last synced: 22 Jan 2025

https://github.com/lbp2563/glasses-detection-from-human-face-images

This project uses TensorFlow and Keras to develop a deep learning model for detecting glasses on human faces in images. It employs convolutional neural networks (CNNs) to classify images into "with glasses" and "without glasses" categories, offering a versatile tool for applications like facial recognition and virtual try-on experiences.

deep-neural-networks glass-detection keras keras-neural-network neural-network

Last synced: 21 Jan 2025

https://github.com/apal21/tensorflow-pima-indians-dataset-classification

Pima Indians Dataset classification using Tensorflow Linear Classifier and DNN Classifier.

classification deep-neural-networks kaggle linear-classifier pandas pima-indians-dataset scikit-learn tensorflow

Last synced: 31 Dec 2024

https://github.com/enheragu/mnist-learning-playground

Just repository with code to play MNIST dataset and different learning models

deep-learning deep-neural-networks mnist mnist-classification python pytorch

Last synced: 29 Dec 2024

https://github.com/hayatiyrtgl/lstm_time_seriesv2

The code downloads Microsoft stock data, preprocesses it, builds and trains a deep learning model, and visualizes predictions.

analyzer deep-learning deep-neural-networks forecasting lstm pandas python time-series

Last synced: 22 Dec 2024

https://github.com/pegah-ardehkhani/predictive-maintenance-using-ml

A machine learning project for predictive maintenance, designed to forecast equipment failures and optimize maintenance schedules to reduce downtime and operational costs

adaboost decision-tree deep-learning deep-neural-networks feature-importance knn logistic-regression machine-learning machine-learning-algorithms matplotlib numpy pandas plotly predictive-maintenance random-forest seaborn sklearn stacking svm tensorflow

Last synced: 18 Jan 2025

https://github.com/dansolombrino/biscuits

A set of experiments inspired by the paper "Training BatchNorm and Only BatchNorm: On the Expressive Power of Random Features in CNNs" by Jonathan Frankle, David J. Schwab, Ari S. Morcos

batchnorm cnn cnns convolutional-neural-networks deep-learning deep-neural-networks resnet resnets

Last synced: 14 Dec 2024

https://github.com/dansolombrino/creactive

A set of experiments on Deep Neural Networks activation functions

activation-functions deep-learning deep-neural-networks nonlinear-optimization

Last synced: 14 Dec 2024

https://github.com/vutrong826/yolov8-tumor-segmentation

Brain tumor segmentation using YOLO architecture for fast and accurate detection.

deep-learning deep-neural-networks python pytorch segmentation tensorflow tumor-segmentation yolo yolov8 you-only-look-once

Last synced: 23 Jan 2025

https://github.com/saadarazzaq/custom-neural-networks

Perceptron, Multiclass and Deep Neural Network Implemented All in One Repo ✨

deep-neural-networks keras numpy perceptron python scikit-learn tensorflow

Last synced: 23 Jan 2025

https://github.com/ivanrj7j/super-cars-vs-suvs

This is a deep neural network that looks at an images of cars and then classify them as suv and supercars

cnn deep-learning deep-neural-networks image-classification machine-learning

Last synced: 22 Dec 2024

https://github.com/sreecharanv/generating-realistic-and-diverse-textual-movie-reviews-with-imdb-dataset-leveraging-deep-learning

This project uses GPT-2 to generate realistic movie reviews from the IMDb dataset. By preprocessing data and fine-tuning the model, we achieved human-like text quality. The model's reviews were evaluated for coherence and diversity, showcasing GPT-2's potential in automated text generation.

deep-learning deep-neural-networks gpt-2 large-language-models machine-learning movie-reviews natural-language-processing text-generation

Last synced: 30 Nov 2024

https://github.com/qile0317/bacteria-classifier-cnn

A resnet50 bacterial genus/strain classifier from the dibas dataset.

bacteria-classification cnn deep-learning deep-neural-networks fastai image-classification

Last synced: 19 Jan 2025

https://github.com/gyselle-marques/neural-network-mnist

Implementação em Python de uma rede neural de Deep Learning para reconhecimento de dígitos.

deep-learning deep-neural-networks machine-learning neural-network portuguese-brazilian python

Last synced: 13 Jan 2025

https://github.com/mawadamhd/deep-learning-with-keras-and-tensorflow-course

This repository Course materials for Deep Learning with Keras and TensorFlow course. This repository includes Jupyter notebooks, datasets, assignments, and solutions .

deep-learning deep-neural-networks keras keras-tensorflow tensorflow

Last synced: 07 Dec 2024

https://github.com/gkouros/cs231n-spring2018-assignments

Spring 2018 Assignments for the "Convolutional Neural Networks for Visual Recognition (cs231n)" course from Stanford University

cnn-for-visual-recognition deep-learning deep-neural-networks generative-adversarial-networks lstm-neural-networks recurrent-neural-networks stanford-cs231n

Last synced: 01 Dec 2024

https://github.com/mohammad95labbaf/lung-segmentation

The preparation for the Lung X-Ray Mask Segmentation project included the use of augmentation methods like flipping to improve the dataset, along with measures to ensure data uniformity and quality. The model architecture was explored with two types of ResNets: the traditional CNN layers and Depthwise Separable.

chest-xray-images chest-xrays cnn cnn-keras convolutional-neural-networks deep-learning deep-neural-networks deeplearning depthwise-separable-convolutions depthwiseseparableconvolution lung-disease lung-segmentation segment segmentation x-ray-images

Last synced: 13 Jan 2025

https://github.com/aryanjain28/blog---linear-regression

My first blog explains the concepts of linear regression that are the first steps towards advanced ML/AI.

blog blogs deep-learning deep-learning-blog deep-neural-networks deeplearning linear-regression linear-regression-blog machine-learning machine-learning-blogs ml-blog

Last synced: 01 Dec 2024

https://github.com/aryanjain28/blog---r-cnn-fast-r-cnn-faster-r-cnn

Easy explanation on different object detection approaches like - R-CNN, Fast R-CNN, and Faster R-CNN.

blog blogs deep-learning deep-neural-networks deeplearning fast-r-cnn faster-rcnn machine-learning machine-learning-algorithms r-cnn

Last synced: 01 Dec 2024

https://github.com/ahmad-ali-rafique/batch-card-detection-app

A deep learning-based Streamlit app to detect if a person is wearing a batch card, built with TensorFlow. Includes trained model, app interface, and deployment guide.

ai artificial-intelligence carddetection deep-neural-networks streamlit-dashboard tensorflow

Last synced: 15 Dec 2024

https://github.com/margaretkhendre/nonprofit-funding-vs-deep-learning-challenge

In this repository, Google Colab is paired with neural networks and deep learning to examine data from the nonprofit, Alphabet Soup. This nonprofit desires a tool that can help it select applicants for funding, so a binary classifier will be created to predict whether applicants will be successful if funded by Alphabet Soup.

colab-notebook deep-neural-networks deeplearning jupyter-notebook neural-networks pandas standardscaler tensorflow

Last synced: 09 Jan 2025

https://github.com/rizerkrof/library-simpleneuralnetwork

This is a simple fully connected neural network library for deep learning. Include example.

deep-learning deep-neural-networks library

Last synced: 29 Nov 2024

https://github.com/raufjatoi/handwritten-character-recognition

Handwritten character recognition system that can recognize various handwritten characters or alphabets. I will extend this to recognize entire words or sentences.

deep-learning deep-neural-networks machine-learning mnist-handwriting-recognition

Last synced: 25 Nov 2024

https://github.com/blacksujit/sentiment-analysis

This project is a sentiment analysis model built to classify IMDB movie reviews as either positive or negative using the **IMDB dataset**. It uses various machine learning models and deep learning techniques to handle the text data.

challenge deep-learning deep-neural-networks lstm-neural-networks model-accuracy nlp nlp-datasets nlp-machine-learning polarity-integration proficient rqs score sentiment-analysis sentiment-classification

Last synced: 01 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 machine-learning pytorch recurrent-neural-networks tensorflow tensorflow-models

Last synced: 25 Nov 2024

https://github.com/jkevin2010/deep-learning-and-early-dementia-detection

Development of new interpretable deep learning frameworks for the early detection of Alzheimer's Disease and Related Dementias (ADRD)

alzheimer-disease-prediction chaos-theory deep-neural-networks dementia-detection

Last synced: 15 Dec 2024

https://github.com/zara5961/deep-learning-challenge

This project focuses on building and optimizing a deep learning neural network to predict the success of applicants funded by Alphabet Soup Charity.

deep-machine-learning deep-neural-networks python skicit-learn tensorflow

Last synced: 23 Jan 2025

https://github.com/harikishan-ai/harikishan-ai

I am dedicated to delivering innovative solutions that align with business objectives while ensuring optimal performance, reliability, and security. My strong analytical skills, attention to detail, and problem-solving abilities drive me to create effective and efficient solutions.

analystics automation aws-ec2 aws-lambda aws-s3 awsglue cnn deep-neural-networks logs lstm machine-learning oops-in-python powerbi python rnn transformers

Last synced: 25 Nov 2024

https://github.com/sathvik902/master-chef

A Deep Learning model which predicts the Indian Recipe from the ingredients we have in our home.

deep-neural-networks lstm

Last synced: 26 Nov 2024

https://github.com/coreyjs/bike-sharing-neural-network

Part of Udacity's deep learning program. This is a simple neural network to predict bike ridership trends.

deep-learning deep-neural-networks machine-learning machinelearning ml neural-network neural-networks python udacity

Last synced: 22 Dec 2024

https://github.com/coreyjs/dog-breed-classifier

A transfer learning neural network to classify dog breeds.

classification deep-learning deep-neural-networks machine-learning ml

Last synced: 22 Dec 2024

https://github.com/stifler7/rl-for-game-ai

Game Artificial Intelligence with Reinforcement Learning This project provides experience in applying techniques of RL to game artificial intelligence. It shall demonstrate several RL algorithms- specifically Q-learning and deep Q-networks (DQN)- to game environments.

deep-learning deep-neural-networks deep-reinforcement-learning machine-learning

Last synced: 01 Dec 2024

https://github.com/gilbertocunha/lip-hepmetalearning

A repository that applies the Meta-SGD algorithm to High Energy Physics in Signal vs Background classification and studies the applicability of such methods.

deep-neural-networks hep metalearning

Last synced: 02 Dec 2024

https://github.com/gilbertocunha/lhc-vlq-classifier

A Deep Learning Neural Network that classifies Vector Like Quarks from background events using generated collider data

deep-neural-networks monte-carlo-dropout particle-physics quarks

Last synced: 02 Dec 2024

https://github.com/kartikchugh/deepneuralnetworks

A Java library for building, training, and testing deep learning neural networks

deep-learning deep-neural-networks machine-learning neural-network neural-networks

Last synced: 15 Dec 2024

https://github.com/kartikchugh/neural-energy

Deep Neural Networks applied to representations of potential energy surfaces

deep-learning deep-neural-networks materials-science potential-energy-surfaces

Last synced: 15 Dec 2024

https://github.com/vidhi1290/cyclegan-implementation-for-image-to-image-translation

🖼️ Our CycleGAN Implementation for Image-to-Image Translation project leverages PyTorch to seamlessly transform images between domains, all without paired examples. With a keen focus on innovation and effectiveness, we've explored CycleGAN's capabilities across various domains. Join us as we delve into the world of image translation technology! 🚀

artificial-intelligence cycle-gan deep-learning deep-neural-networks gan github-config machine-learning numpy pillow python pytorch torchvision unsupervised-learning

Last synced: 08 Dec 2024

https://github.com/blacksujit/deep-learning-specialization-repo

This repo contains the neural networks learning's with tensorflow with all the high level deep learning concepts i am learning with project implementation

deep deep-layers deep-learning deep-neural-networks embeddings-word2vec llvm network-embeddings neural-network transformers-layers transformers-models vision-language-model

Last synced: 15 Dec 2024

https://github.com/sylvia-ai-lab/dr.-sylvia-s-ai--engineering-lab-codeshare

The code has explanations in YOUTUBE Ph.D.(c) Sylvia's AI & Engineering Lab Series 3 MATLAB — ideal for a quick start..

ai batterydegradation deep-neural-networks matlab

Last synced: 27 Nov 2024

https://github.com/ssinad/evolution-strategies-tensorflow

Using evolution strategies as Non-differentiable loss function in a neural network

convolutional-neural-networks deep-learning deep-neural-networks

Last synced: 02 Dec 2024

https://github.com/wa-lead/virtual_screnning_using_cnns

Using Chemception to predict the activity of molecules against aid_686978. Taking this further to visualize kernels decision process through Grad-CAM.

deep-neural-networks drug python tensorflow

Last synced: 28 Nov 2024

https://github.com/arssite/dirty-cleanflooringimageprocessingusingyolov5

Uses YOLOv5 to classify floor cleanliness into five categories based on visual cues. It includes an annotated dataset, trained model,& evaluation outputs. Code covers data preprocessing, training, & testing. A comparative analysis highlights YOLOv5's advantages over traditional methods, providing an efficient solution automated floor cleanliness.

deep-neural-networks github google-colab jupyter-notebook labelimg matplotlib-pyplot numpy-library opencv-python pandas-python pytorch scikit-learn tensorflow yolov5

Last synced: 05 Dec 2024

https://github.com/apozzi/convnetjs-extras

Builds on the core functionalities of convnetjs by adding more features and utilities that enhance the capabilities of neural network development and experimentation.

activation-functions convnetjs deep-learning deep-neural-networks loss-functions

Last synced: 29 Nov 2024

https://github.com/nazir20/gender-classification-using-mfcc-with-lstm-model

Gender classification from audio signals is an important task with various applications, such as speech recognition systems, voice assistants, and speaker verification. This project aims to demonstrate how to use Mel Frequency Cepstral Coefficients as features and a Long Short-Term Memory (LSTM) neural network for gender classification.

audio-processing deep-learning deep-neural-networks gender-classification lstm lstm-neural-networks mfcc mfcc-extractor neural-networks

Last synced: 28 Nov 2024