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/akashash01/convolutional_neural_network

Is a deep neural network, most commonly applied to analyze visual images.

cnn-for-visual-recognition data-science deep-learning deep-neural-networks python

Last synced: 14 Dec 2024

https://github.com/hawmex/deep_learning_content

This repository contains my teaching material as a teaching assistant for the "Artificial Intelligence" course at AUT (Tehran Polytechnic).

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

Last synced: 29 Dec 2024

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/angrybayblade/nnviz

📊 NNViz is interactive visualization tool for Tensorflow made neural networks.

artificial-intelligence artificial-neural-networks deep-neural-networks interpretable-machine-learning tensorflow visualization-tools

Last synced: 16 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/hackintoshrao/tensorflow-income-bracket

Predicting whether the income > 50K based on the information about the individuals.

classification deep-learning deep-neural-networks tensorflow

Last synced: 12 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/0xdaksh/loanclassifier

A Dead Accurate Deep Learning Algorithm that Can classify if you'll take loan or not.

classifier deep-learning deep-neural-networks keras neural-network python python35

Last synced: 17 Nov 2024

https://github.com/data-pioneer/mlops-name-entity-recognition-end-to-end-main

Implementation of MLops pipeline for Named Entity Recognition (NER) using pretrained Huggingface BERT transformer based model, further use CircleCI CI/CD tool for deployment on google cloud platform by using Docker image, Flask front end interface.

artifact-registry bert-fine-tuning circleci deep-neural-networks docker-image flask-application google-cloud huggingface-transformers pythin3

Last synced: 17 Nov 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/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/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: 17 Nov 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/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/architgargpro/emotiondetector

This Machine Learning project aims to classify the emotion on a person's face into one of four categories, using deep convolutional neural networks.

cnn-keras deep-neural-networks keras-tensorflow machine-learning python

Last synced: 19 Nov 2024

https://github.com/phyulwin/machine-learning-with-python-projects

Projects for Machine Learning with Python freeCodeCamp (Updated Solution in Progress... 🌿)

deep-neural-networks google-colab machine-learning python tensorflow

Last synced: 30 Dec 2024

https://github.com/motykatomasz/deepimageprior

Project reproducing part of "Deep Image Prior" paper, conducted for Deep Learning course (CS4240) at TU Delft.

cnn deep-learning deep-neural-networks pytorch

Last synced: 15 Dec 2024

https://github.com/shivamgupta92/retinacare_by_team_bigfootisreal

Diabetic Retinopathy Predictor System, a Django-based web app, uses machine learning to assess diabetic retinopathy risk. Input your health data and get results within seconds: Ranging from ['Mild', 'Moderate', 'Severe', 'No_DR']

cnn-keras css3 deep-neural-networks diabetic-retinopathy-detection flask html5 inception-resnet-v2 javascript tensorflow

Last synced: 11 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/utility-code/sprintdl

pytorch wrapper for easier experimentation

deep-learning deep-neural-networks pytorch

Last synced: 20 Nov 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/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: 18 Nov 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/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: 18 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: 18 Nov 2024

https://github.com/aman-17/deep-learning-practise

Practicing deep learning also involves being familiar with the libraries and frameworks like Tensorflow, Pytorch, Theano, etc. that are commonly used to train and deploy deep learning models, as well as staying up to date with the latest research and advancements in the field.

deep-learning deep-neural-networks python pytorch tensorflow

Last synced: 25 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/suwadith/footy-predictor-football-match-prediction-tensorflow-fastapi-plugin

A Deep-Learning (Tensorflow) based project which can be used to predict weekly EPL match results. Uses FastAPI as the backend to feed the results to a Chrome based plugin which then modifies the SkySports website to convey the predicted outcomes.

api chrome-extension deep-learning deep-neural-networks fastapi football prediction tensorflow

Last synced: 13 Jan 2025

https://github.com/sadmansakib93/arctic-mammal-classification

Deep learning model for acoustic detection and classification of Bowhead whales. This repo contains code for the binary classification model, two classes are: Bowhead whales (BH), Other/background.

annotations audio-analysis audio-classification classification deep-learning deep-neural-networks machine-learning python spectrogram tensorflow

Last synced: 12 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: 18 Nov 2024

https://github.com/amdjadouxx/chifoumiai

A model which take an image of a hand making a sign (paper, scissor, rock) and detect which sign it is, improvement to come

artificial-neural-networks cnn-classification deep-neural-networks ia python3 tensorflow-tutorials

Last synced: 10 Oct 2024

https://github.com/prpriesler/covid19-insights-and-analytics

This project delves into the realm of data analytics and programming, focusing on four pivotal datasets related to the COVID-19 pandemic: confirmed global, death global, vaccination & population data, and Twitter data.

covid19 covid19-data data data-science dataanalytics deep-neural-networks machine-learning natural-language-processing

Last synced: 28 Dec 2024

https://github.com/aungkaungpyaepaing/mask-nomask-classification

Purpose of this project is to classified the captured image or input image, has masks or not. This model had trained with Convolutional Neural Network (CNN) and has high accuracy. The only problem of this model is it cannot detect the mask with different color due to dataset but included possible solution at the end of doc.

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

Last synced: 20 Nov 2024

https://github.com/dhrupad17/understanding-deep-learning-through-projects

This repository encapsulates a hands-on approach to mastering the intricate concepts of deep learning. Through practical engagement with real-world projects, learners immerse themselves in the nuances of neural networks, optimization techniques, and model architectures. This methodology fosters a profound comprehensio

artificial-neural-networks convolutional-neural-networks deep-learning deep-neural-networks lstm-neural-networks project-repository recurrent-neural-networks

Last synced: 16 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/t-mohamed-shafeek/vgg16-for-malware-classification

This is a Research project which introduces an AI approach which is Deep Neural Networks in this case, to detect and classify different malwares belonging to various families represented as images.

classification cnn deep-learning deep-neural-networks fine-tuning hyperparameter-tuning malware-research supervised-learning transfer-learning vgg16

Last synced: 14 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/omerbsezer/basicrnn

The aim of this implementation is to help to learn structure of basic RNN (RNN cell forward, RNN cell backward, etc..)

deep-learning deep-neural-networks rnn tutorial-code

Last synced: 11 Nov 2024

https://github.com/hemanthh17/ct5129-thesis-image-dehazing

ClearFlow: An Enhanced Image Dehazing Workflow Using Model Ensembling and CNN Postprocessing. This project is aimed to train a neural network to handle the task of image dehazing.

computer-vision deep-learning deep-neural-networks torch torchvision

Last synced: 21 Nov 2024

https://github.com/natielle/udemy-tensorflowcompython

Material de estudo do curso: https://www.udemy.com/course/tensorflow-machine-learning-deep-learning-python/learn/lecture/12670278#overview

deep-learning deep-neural-networks deeplearning python tensorflow

Last synced: 21 Nov 2024

https://github.com/rociobenitez/deeplearning-airbnb-price-prediction

Deep Learning project for Airbnb price prediction, featuring data preprocessing and neural network models in Google Colab.

airbnb-data airbnb-pricing-prediction convolutional-neural-networks deep-learning deep-learning-algorithms deep-neural-networks keras keras-neural-networks keras-tensorflow

Last synced: 23 Nov 2024

https://github.com/kaocc/nerf_2d

Experiments of 2D NeRF (Neural Radiance Fields)

deep-neural-networks nerf

Last synced: 14 Jan 2025

https://github.com/abhaskumarsinha/1d-gan

A simple well-documented tutorial on implementing a 1D GAN on Keras using a Python Jupyter Notebook

deep-learning deep-neural-networks gan generative-adversarial-network keras keras-tensorflow python3 tensorflow2 tutorial

Last synced: 21 Nov 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/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/yolo-helmet-detection-app

This project implements a helmet detection system using YOLOv3 (You Only Look Once) and Streamlit. The application allows users to upload an image and detect helmets in real-time. The system uses OpenCV and pre-trained YOLOv3 weights to identify helmets in uploaded images, displaying the results with bounding boxes and confidence scores.

artificial-intelligence datascience deep-neural-networks helmet-detection image-processing machine-learning modeling opencv streamlit-dashboard yolov3

Last synced: 16 Jan 2025

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/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/shivamgupta92/sih1477_project_smartindiahackathon

Deploying human soldiers in hazardous environments comes with significant risks, including injuries, fatalities, and potential loss of critical military intelligence due to human errors.

deep-neural-networks figma fusion-360 html-css-javascript lidar raspberry-pi

Last synced: 11 Jan 2025

https://github.com/asaficontact/stack_classifier_project

We classified Stack Overflow Python questions from 2008-2016 with Natural Language Processing and Deep Learning. Using Regular Expressions, we removed HTML tags and punctuation. We also utilized spaCy to tokenize, lemmatize and remove stop words. Using Keras, we built a 4 layered artificial neural network with a 20% dropout rate using relu and softmax activation functions. We also utilized the adam optimizer and categorical cross-entropy loss function which classified 11 tags 88% successfully.

cross-entropy-loss deep-learning deep-neural-networks keras lemmatization neural-networks object-oriented-programming pandas python3 regular-expressions relu sklearn spacy spacy-nlp stackoverflow tfidf tokenization

Last synced: 22 Dec 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/bilalhameed248/nlp-fake-news-classification

Fake News Classification using Naive Bayes, Passive-Aggressive (PA) Classifier and Artificia Neural Network (ANN)

artificial-neural-networks deep-learning deep-neural-networks embeddings machine-learning naive-bayes-classifier nlp nlp-basic passive-aggressive-classifier

Last synced: 16 Jan 2025

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 Nov 2024

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 Nov 2024

https://github.com/parth-shastri/neural_nets_tensorflow

Just a small set of projects from a student who loves to play with Deep-learning!

deep-learning deep-neural-networks learning neural-networks python3 tensorflow-examples tensorflow-tutorials tensorflow2

Last synced: 21 Dec 2024