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/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/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/parrondo/tutorial-lstm

Tutorial-LSTM: Project for testing LSTM time series forecasting. See notebooks for complete information

deep-learning deep-learning-tutorial deep-neural-networks lstm lstm-networks lstm-neural-network

Last synced: 01 Jan 2025

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: 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/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/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: 15 Nov 2024

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: 15 Nov 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/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/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/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/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/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: 15 Nov 2024

https://github.com/chaitanyak77/optimal-detection-of-diabetic-retinopathy-severity-using-attention-based-cnn-and-vision-transformers

This repository contains the implementation of a hybrid model combining Attention-Based Convolutional Neural Networks (CNNs) and Vision Transformers (ViT) to classify the severity levels of diabetic retinopathy.

cnn-classification deep-neural-networks diabetic-retinopathy-detection image-processing transformers vision-transformer

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

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/qasimwani/dqn-openai

Using DQN (Deep Q Network) to develop a DRL (Deep Reinforcement Learning) agent to solve LunarLander environment in OpenAI gym.

deep-neural-networks dqn keras-tensorflow openai-gym reinforcement-learning

Last synced: 27 Dec 2024

https://github.com/guoquan/dlexp

Scaffold codes for feedforward neural network and autoencoders.

deep-learning deep-neural-networks matlab

Last synced: 02 Jan 2025

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/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/rahulbhoyar1995/coursera-ml-specialisation-certification

Explore my journey through the Coursera Machine Learning Specialization with this repository. Access practice materials, code implementations, and learning notes to enhance your understanding of machine learning concepts.

deep-learning deep-neural-networks machine-learning machine-learning-algorithms python3 reinforcement-learning-algorithms supervised-learning unsupervised-learning

Last synced: 15 Nov 2024

https://github.com/guoquan/dlexp2

A framework for more flexible structure of neural networks with auto-differentiation.

auto-differentiation deep-learning deep-neural-networks matlab

Last synced: 02 Jan 2025

https://github.com/winter000boy/music-recommendation

This project implements a content-based recommendation system that analyzes song lyrics to find similar songs. It uses TF-IDF vectorization and cosine similarity to measure the semantic similarity between songs.

artificial-intelligence deep-neural-networks flask-application machine-learning neural-network python3 reinforcement-learning

Last synced: 26 Dec 2024

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/rahulbhoyar1995/ner-case-study

This repositiry contains the code for Case study of "Named-Entity Recognition" in Natural Language Processing.

deep-neural-networks natural-language-processing ner

Last synced: 15 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/kalfasyan/regular_irregular_shapeselectivity

Repository for my paper with title "Shape Selectivity of Middle Superior Temporal Sulcus Body Patch Neurons."

convolutional-neural-networks deep-neural-networks models neuroscience research-paper vision vision-science

Last synced: 17 Nov 2024

https://github.com/rsn601kri/quantum_reservoir_modeling

Quantum Reservoir Computing (QRC) algorithm to address credit risk modeling use any quantum software development kit (SDK) or quantum processing unit (QPU).

deep-neural-networks python quantum-computing random-generation reservoir-computing

Last synced: 27 Dec 2024