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/sanchariii/cifar-10-object-recognition-using-resnet50

CIFAR-10 dataset has 60,000 32x32 rgb images and those images are recognized using ResNet50 deep learning model with an accuracy of 71%.

colab-notebook deep-neural-networks neural-networks resnet-50

Last synced: 12 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/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: 29 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/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: 27 Jan 2025

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/guiferviz/aidictive

Addictive Artificial Intelligence library! SOTA models made easy :)

artificial-intelligence deep-learning deep-neural-networks easy-to-use machine-learning

Last synced: 12 Jan 2025

https://github.com/sloppycoder/coursera_tf_in_practice

Notebook for Coursera Tensorflow in Practices courses

deep-learning deep-neural-networks python tensorflow

Last synced: 11 Jan 2025

https://github.com/piero24/lossfuncition-4sn

This research will show an innovative method useful in the segmentation of polyps during the screening phases of colonoscopies. To do this we have adopted a new approach which consists in merging the hybrid semantic network (HSNet) architecture model with the Reagion-wise(RW) as a loss function for the backpropagation process.

dataset deep-learning deep-neural-networks loss loss-functions matplotlib neural-network numpy opencv polyp-detection polyp-segmentation python python3 pytorch segmentation segmentation-models torchvision transformers unipd unipd-dei

Last synced: 08 Jan 2025

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/ka-sarthak/mm-generator

DL models for generating stress fields in microstructures

deep-neural-networks fourier-ne generative-adversarial-network surrogate-modelling

Last synced: 27 Jan 2025

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

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/hackintoshrao/blog-posts

Markdown of my blog posts at medium.com/@hackintoshrao and hackintoshrao.com

artificial-intelligence deep-learning deep-neural-networks technical-writing

Last synced: 12 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/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: 29 Jan 2025

https://github.com/ajithvcoder/epai

Contains assignments of EPAi course from The School of AI (https://theschoolof.ai/)

deep-neural-networks python pytorch

Last synced: 12 Jan 2025

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/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/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/bismillah-jan/deep-neural-network

A demonstration of Deep Neural Network implementation using TensorFlow.

adaline-learning-algorithm deep-neural-networks keras tensorflow

Last synced: 16 Jan 2025

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/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/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: 26 Jan 2025

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/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/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/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/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/bottomsnode/plateai-indian-license-plate-detection-master

PlateAI is a state-of-the-art ALPR system employing AI and machine learning to detect and recognize license plates from images or video streams in real-time. It offers robust, efficient, and scalable performance, catering to diverse applications with high accuracy and reliability.

artificial-intelligence-algorithms artificial-neural-networks deep-learning deep-neural-networks image-processing machine-learning

Last synced: 18 Jan 2025

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/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: 30 Jan 2025

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/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/venkat-a/text_processing_rnn_lstm

Text Processing RNN leverages RNN and LSTM models for advanced text processing. It features deep learning techniques for NLP tasks, utilizing GloVe for word embeddings, aimed at both educational and practical applications.

categorical-encoding deep-neural-networks embedding-vectors lstm-neural-networks model-evaluation-and-tuning nltk-tokenizer numpy-arrays pandas-dataframe pytorch-nlp rnn-encoder-decoder tokenization vocabulary-builder

Last synced: 08 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/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/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/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