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/mozturan/mlanddl-withwebapp

Web app to perfom machine learning algorithms (both for regression and classification) on almost ready datasets.

decision-trees deep-learning deep-neural-networks heatmap linear-regression logistic-regression machine-learning streamlit web-application

Last synced: 23 Dec 2024

https://github.com/lawmurray/gpu-course

Deep neural network and Adam optimizer in straight C and CUDA. Accompanies the course Foundations of GPU Computing (coming soon).

c course deep-learning deep-neural-networks deeplearning gpu gpu-computing machine-learning machinelearning tutorial

Last synced: 27 Nov 2024

https://github.com/sergio11/breast_cancer_diagnosis_mlp

πŸ©ΊπŸ”¬ MLP-based Breast Cancer Diagnosis: Predicts tumor malignancy from image features, aiding in early detection. πŸ“ŠπŸ€–

deep-learning deep-neural-networks machine-learning mlp-classifier mlp-networks numpy sklearn sklearn-classify

Last synced: 14 Dec 2024

https://github.com/victordibia/neuraldreams

Visual Exploration of Representations Learned by Convolutional Neural Networks

cnn deep-learning deep-neural-networks explainability visualization

Last synced: 10 Jan 2025

https://github.com/paragghatage/artify

Artify is a Neural Style Transfer project that blends the artistic patterns of a style image with the content of another image using deep learning techniques. It leverages the VGG19 model to extract content and style features, enabling the creation of visually stunning artwork that merges textures, colors, and patterns from different sources.

art computer-vision deep-learning deep-neural-networks machine-learning

Last synced: 18 Dec 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: 16 Jan 2025

https://github.com/gokulnpc/iris-detection

This project focuses on iris detection using deep learning techniques. The model architecture combines the power of ResNet152V2, a pre-trained convolutional neural network (CNN), with additional convolutional layers to accurately detect and localize iris regions in images.

convolutional-neural-networks deep-neural-networks iris-detection resnet

Last synced: 07 Dec 2024

https://github.com/spy16/churn-prediction

Customer churn prediction using Deep Neural Network.

deep-neural-networks keras-neural-networks keras-tensorflow prediction-model

Last synced: 01 Jan 2025

https://github.com/spy16/cats-and-dogs

cats-and-dogs is a Convolutional Neural Network for classifying cats and dog pictures.

classification convolutional-neural-networks deep-neural-networks

Last synced: 01 Jan 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: 04 Dec 2024

https://github.com/zjysteven/awesome-byte-llm

A curated list of papers and resources on byte-based large language models (LLMs) β€” models that operate directly on raw bytes.

awesome-list byte-llms deep-learning deep-neural-networks foundation-models large-language-models machine-learning multimodal-large-language-models research-paper tokenization-free transformers

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

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

Final project for the Computational Intelligence and Deep Learning course at University of Pisa.

convolutional-neural-networks deep-learning deep-neural-networks keras keras-neural-networks keras-tensorflow point-cloud pointcloud pointclouds tensorflow2

Last synced: 29 Dec 2024

https://github.com/kalthommusa/stop-signs-application

Develop a custom classifier with PyTorch and transfer learning techniques to recognize stop signs, and then deploy it as a web application using Code Engine on IBM cloud.

cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks image-classification image-recognition python pytorch resnet-18 stop-sign-detection transfer-learning

Last synced: 17 Jan 2025

https://github.com/kalthommusa/face-mask-application

Develop a custom classifier with PyTorch and transfer learning techniques to recognize face masks, and then deploy it as a web application using Code Engine on IBM cloud.

cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks face-mask-classification image-classification image-recognition python pytorch resnet-18 transfer-learning

Last synced: 17 Jan 2025

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/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/redayzarra/cnn_trafficsigns

This is a machine learning project where I utilized the LeNet-5 architecture to create a convolutional deep network that classifies 43 different kind of traffic signs. I've made sure to include a full step-by-step implementation of the project as well as detailed notes for every step.

classification classification-model computer-vision deep-learning deep-neural-networks lenet lenet-5 lenet-architecture machine-learning model-evaluation model-selection

Last synced: 27 Nov 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: 07 Dec 2024

https://github.com/akash-nath29/image-classifier

A Machine Learning Model capable to detect person's mood (happy or sad) from image

deep-neural-networks dnn keras keras-neural-networks keras-tensorflow machine-learning tensorflow tensorflow-models

Last synced: 20 Dec 2024

https://github.com/hsprcode/audio-signal-classification-using-convolutional-neural-networks

Extracted features and classified GTZAN Dataset via deep neural networks with reduced number of parameters and achieved a maximum of 81.62% classification accuracy using 1D-CNN.

audio-analysis audio-processing convolutional-neural-networks deep-neural-networks musicgenre python

Last synced: 18 Dec 2024

https://github.com/tanishqjasoria/deeplearning

Implementation of some Neural Network architecture using Numpy, TensorFlow and Keras.

convolutional-neural-networks deep-learning deep-neural-networks residual-learning tensorflow transfer-learning

Last synced: 23 Dec 2024

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

papers implementation during learning dl and tensorflow.

deep-neural-networks tensorflow transfer-learning

Last synced: 30 Nov 2024

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/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/neerajcodes888/cat-vs-dog-image-classification

Repository for a deep learning model that classifies images as either cats or dogs using deep learning techniques. The model is trained on a diverse dataset and achieves high accuracy in distinguishing between these two popular pet categories. Includes pre-processing scripts, model architecture, and evaluation metrics for seamless implementation

cats-vs-dogs cats-vs-dogs-classification deep-learning deep-neural-networks googlecolaboratory imageclassification python3

Last synced: 04 Dec 2024

https://github.com/ivanbgd/udacity-deep-learning-nd101

My solutions to the Udacity Deep Learning Nanodegree Foundation ND101 on-line course, with some examples in C, beside Python (https://www.udacity.com/course/deep-learning-nanodegree-foundation--nd101)

c deep-learning deep-neural-networks jupyter-notebook miniflow neural-networks python tensorflow udacity udacity-deep-learning udacity-nanodegree

Last synced: 08 Dec 2024

https://github.com/rakibhhridoy/easywaydiveinto-datascience

Data Science is not as easy as it seems at first. The most problem faced by new learner are lack of resource knowledge as well as confusion in using the various resources. I hope this repository will benefit confusion learner.

algorithms algorithms-implemented bayesian-statistics data-science deep-learning deep-neural-networks linear-algebra machine-learning matplotlib multivariate-calculus numpy optimization pandas python scikit-learn scipy seaborn statistics statsmodels tensorflow

Last synced: 25 Dec 2024

https://github.com/iwas-coder/guanaco

A simple, uncomplicated, multilayered Neural Network framework written in pure C.

ai ai-models c deep-learning deep-neural-networks header-only neural-network stb

Last synced: 28 Nov 2024

https://github.com/danmorales/fraud_detection

Modelagem para detecção de fraudes em cartáes de crédito

credit-card-fraud deep-learning deep-neural-networks fraud-detection fraud-prevention keras machine-learning python

Last synced: 27 Dec 2024

https://github.com/nikamrohan/cats-vs-dogs

Using Pytorch with Django To distinguish Cats from Dogs by Fine Tuning pretrained Model.

cats-vs-dogs deep-learning deep-neural-networks django django-framework fine-tuning-cnns pretrained-models pytorch pytorch-implmention vgg16

Last synced: 06 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/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/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/jstzwj/traph

An open-source machine learning platform

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

Last synced: 14 Dec 2024

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/rabbicse/face-app

A Face recognition system using TensorFlow.js for in-browser image processing and backend services powered by PyTorch, Qdrant, RetinaFace, ArcFace, and OpenCV for detection, embedding, and similarity matching. This setup ensures efficient, secure, and accurate facial recognition.

arcface deep-neural-networks docker docker-compose face-detection face-recognition machine-learning nextjs numpy opencv python pytorch react retinaface tensorflowjs typescript typescript-react

Last synced: 09 Jan 2025

https://github.com/agamiko/neural-based-data-augmentation

Improving generalization via style transfer-based data augmentation: Novel regularization method

cnn data-augmentation database deep-learning deep-neural-networks image-classification image-synthesis paper skin-lesions style-transfer

Last synced: 04 Dec 2024

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/olitheolix/ds2data

Space Sim Inspired Data Set for Machine Learning Purposes

3d-models deep-learning deep-neural-networks machine-learning space-sim tensorflow

Last synced: 02 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/kiritoind/neural-network-for-cat-image-classification

This script defines essential functions for constructing a deep neural network from scratch for image classification. It includes activation functions like sigmoid and ReLU, data loading from H5 files, parameter initialization, forward and backward propagation for training, gradient descent for parameter updates, and functions for prediction

classification computer-vision deep-learning deep-neural-networks jupyter-notebook numpy python

Last synced: 05 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: 29 Nov 2024

https://github.com/joelselvaraj/udacity-mlnd-capstone-handwritting-digit-recognition

Udacity - Machine Learning Engineer Nanodegree Project - A Deep Neural Network to recognise handwritten digits

capstone deep-neural-networks gpu handwritten-digits jupyter-notebook mnist-dataset python udacity-nanodegree

Last synced: 08 Dec 2024

https://github.com/minitechy/betavae_variants

beta-VAE variants trained using deep neural networks on the dSprites dataset with PyTorch

beta-vae deep-neural-networks disentanglement dsprites mig mutual-information pytorch sap

Last synced: 22 Jan 2025

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/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/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/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/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/privatepeople/machinelearning-deeplearning

λ¨Έμ‹ λŸ¬λ‹κ³Ό λ”₯λŸ¬λ‹ 곡뢀λ₯Ό μœ„ν•œ μ €μž₯μ†Œ

deep-learning deep-neural-networks deeplearning dl machine-learning machinelearning ml numpy pandas python scipy tensorflow

Last synced: 15 Jan 2025

https://github.com/aaleksandraristic/innovative-skin-cancer-screening-iscs-utilizing-cnn-models

The goal of this project is to employ deep learning models and advanced techniques to identify abnormalities by analyzing images of the skin tissues.

cnn-classification cnn-keras cnn-model convolutional-neural-networks deep-neural-networks densenet googlenet-inception-network image-classification image-processing python resnet

Last synced: 16 Jan 2025

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

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

https://github.com/mwanginjuguna/deeplearning-with-fast-ai

Exploring Deep Learning on Kaggle.com. Mainly through the eyes of Practical deep learning for coders with Jeremy Howard on fast.ai

deep-neural-networks fastai ml pytorch

Last synced: 13 Jan 2025