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/kawai-senpai/heartly

Heartly is a Python application developed with Kivy, designed to evaluate the risk of heart disease based on user inputs. The application utilizes a neural network model to predict the likelihood of heart disease, providing a percentage risk based on a series of questions related to the user's health and lifestyle.

deep-learning deep-neural-networks heart-disease kivy kivy-framework kivymd pytorch

Last synced: 18 Dec 2024

https://github.com/papapana/face-generation

Face Generation using Generative Adversarial Networks (GANs)

deep-learning deep-neural-networks gan generative-adversarial-network pytorch

Last synced: 14 Nov 2024

https://github.com/mishig25/adversarial-reprogramming-keras

Keras implementation of Adversarial Reprogramming of Neural Networks

deep-learning deep-neural-networks

Last synced: 14 Dec 2024

https://github.com/tallamjr/dnn

Implementations of Deep Neural Networks in Tensorflow 2.x

deep-learning deep-neural-networks keras tensorflow tensorflow-examples tensorflow2

Last synced: 17 Dec 2024

https://github.com/rakibhhridoy/ctscanpredictioncovid19-tensorflow

Classifying covid positive and negative cases in ct-scan images. Though the data is not large enough, it can be processed and make prediction from the model. Images are quite similar thus the task became much complicated.

cnn cnn-classification cnn-keras computer-vision covid-19 ctscan deep-learning deep-neural-networks image-classification image-processing keras machine-learning medical-image-analysis neural-network prognosis python

Last synced: 25 Dec 2024

https://github.com/ue2020/divinenn

A deep-learning chess engine written in Rust, partially compliant with the UCI protocol. DivineNN uses the Monte Carlo Tree Search (MCTS) algorithm to enhance the neural network policy using the neural network's value output.

ai chess deep-learning deep-neural-networks machine-learning monte-carlo-tree-search search-algorithm

Last synced: 27 Dec 2024

https://github.com/jmaces/torch-adf

PyTorch implementation of Assumed Density Filtering (ADF) based probabilistic neural networks

deep-learning deep-neural-networks machine-learning probabilistic-models pytorch torch

Last synced: 08 Dec 2024

https://github.com/dilumdesilva/daugmentor

DAugmentor: Automating Generative Adversarial Network Tuning for Data Augmentation

data-generation deep-learning deep-neural-networks gan

Last synced: 30 Nov 2024

https://github.com/marx-wrld/mnist-character-recognition

Digital classification and Character Recognition using Tensorflow and the MNIST dataset

deep-neural-networks mnist-dataset tensorflow

Last synced: 13 Nov 2024

https://github.com/camara94/reseau-neurone-tensorflow-2

TensorFlow est une bibliothΓ¨que open source de Machine Learning, créée par Google, permettant de dΓ©velopper et d’exΓ©cuter des applications de Machine Learning et de Deep Learning

algorithms-and-data-structures deep-learning deep-neural-networks machine-learning python3 tensorflow2

Last synced: 23 Dec 2024

https://github.com/frankchen121212/RHSNet

Tensorflow and Keras implementation of RHSNet for recombination hotspot identification and quantification

computational-biology deep-neural-networks motif-discovery

Last synced: 28 Nov 2024

https://github.com/duartegalvao/image-colorization-with-deep-learning

This is a project for the DD2424 - Deep Learning in Data Science course in KTH (Royal Institute of Technology).

deep-learning deep-neural-networks gan python python3 tensorflow tensorflow-models turing-test unet

Last synced: 18 Nov 2024

https://github.com/0xdaksh/employeechurn

A Deep Neural Network that can Classify Employee Churn with ~97% Accuracy

algorithm artificial-neural-networks classifier deep-learning deep-neural-networks keras machine-learning tensorflow

Last synced: 17 Nov 2024

https://github.com/rakshit-shetty/pothole-detection

A pothole detection DL algorithm using Yolo v2 and Tensorflow

deep-neural-networks pothole-detection tensorflow yolov2

Last synced: 27 Nov 2024

https://github.com/justanhduc/neuralnet

A high level framework for general purpose neural networks in Theano.

convolutional-neural-networks deep-learning deep-neural-networks neural-network python2 theano

Last synced: 22 Dec 2024

https://github.com/masasron/deepnet

DeepNet is simple node based cli tool for creating machine learning classifiers you can use on the web.

classifier classifier-training deep-learning deep-neural-networks machine-learning nodejs

Last synced: 22 Nov 2024

https://github.com/abidshafee/datascienceyoutubetutorials

This repository holding some python notebooks which I made to cast some of my practical data science projects on YouTube

cs cs-school data-science deep-learning deep-neural-networks machine-learning shafekul-abid video-tutorials youtube youtube-channel

Last synced: 15 Nov 2024

https://github.com/geo-y20/standard-ocr-

Explore the Standard OCR Project: a deep learning-based character recognition system leveraging advanced computer vision techniques. Detect characters in images using ResNet, Xception, Inception, and MobileNet models. Train, evaluate, and contribute to this cutting-edge technology.

css deep-learning deep-neural-networks flask html javascript jupyter-notebook keras ocr-recognition ocr-text-reader python resnet tensorflow xception

Last synced: 08 Jan 2025

https://github.com/sarthak-1408/indian-food-classification

This Repo Represents Indian Food Classification and with the help of this project you can easily identify the Indian food

classification-model deep-learning deep-neural-networks flask flask-application image-classification keras-neural-networks keras-tensorflow tensorflow

Last synced: 16 Nov 2024

https://github.com/ahammadmejbah/supplemental-materials

Explore AI with resources like πŸ“š books, 🎧 podcasts, and πŸ–₯️ online courses! Join forums πŸ’¬, attend workshops πŸ› οΈ, and read journals πŸ“– to boost your knowledge! πŸš€βœ¨πŸ§ 

computer-vision data-science data-science-projects data-visualization deep-learning deep-neural-networks machine machine-learning opencv python3

Last synced: 09 Jan 2025

https://github.com/gitstar-oc/machine-learning

This are the Machine Learning notes by leading AI website named Deeplearning.AI. This notes will help you to be a machine learner from beginner to advanced level. Welcome Everyone!!

deep-learning deep-neural-networks jupyter-notebook machine-learning machine-learning-algorithms matplotlib numpy pandas python scikit-learn supervised-learning tensorflow unsupervised-learning

Last synced: 13 Oct 2024

https://github.com/muntahashams/character-level-lstm-pytorch

In this notebook, I'll construct a character-level LSTM with PyTorch. The network will train character by character on some text, then generate new text character by character. As an example, I will train on Anna Karenina. This model will be able to generate new text based on the text from the book!

artificial-intelligence character-encoding character-level-lstm deep-neural-networks generate-text lstm machine-learning-algorithms pytorch text-generation

Last synced: 13 Nov 2024

https://github.com/efecanxrd/lstm-derin-ogrenme-modeli-ile-enerji-tuketimi-tahmini

Derin modelleme için kullanılan paketler TensorFlow ve Keras'tır. Python ile Hollanda'nın ileride kullanabileceği tahmini! enerji tüketimini hesapladık.

deep-learning deep-learning-algorithms deep-neural-networks deeplearning keras plotly python tensorflow

Last synced: 15 Nov 2024

https://github.com/mohitmishra786/ml-and-dl

This repository gives beginners and newcomers in the field of AI and ML a chance to understand the inner workings of popular learning algorithms by presenting them with a simple way to analyze the implementation of ML and DL algorithms in pure python using only numpy as a backend for linear algebraic computations.

artificial-intelligence artificial-neural-networks basic coding deep-learning deep-neural-networks machine-learning machine-learning-algorithms machine-learning-practice machine-learning-projects ml ml-project mlops python python3 pytorch pytorch-implementation tensorflow

Last synced: 21 Nov 2024

https://github.com/edwildson/facerecognition

Projeto de reconhecimento de face e sentimentos, feito com Django e ML

deep-neural-networks django face-detection face-recognition machine-learning opencv python

Last synced: 08 Jan 2025

https://github.com/iinjyi/hands-on-neural-networks

A series of hands-on notebooks for beginners in neural networks. [To be updated]

ai cnn computer-science deep-learning deep-neural-networks lstm maths neural-networks python pytorch rnn transfer-learning

Last synced: 30 Dec 2024

https://github.com/pathak-ashutosh/liver-segmentation

Segment liver using unet architecture. This was a project I did for a senior anonymously as his final year project during my undergrad.

biomedical-image-processing computer-vision deep-learning deep-neural-networks machine-learning neural-network segmentation unet-image-segmentation

Last synced: 02 Jan 2025

https://github.com/himanshuvnm/generalized-gaussian-radial-basis-function-in-artificial-intelligence-matlab

This is the recent work of my on the importance and application of mathematical function around its Hilbert function theory on artificial intelligence algorithms. The main motivation was the desire of improving the convergence rate and learning rate of various learning algorithms via Generalized Gaussian Radial Basis Function.

activation-functions artificial-intelligence deep-learning deep-neural-networks gaussian-process-regression image-recognition kernel-regression machine-learning-algorithms neural-network reproducing-kernel-hilbert-space support-vector-machine

Last synced: 25 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/daelsepara/deeplearningcpp

C++ Implementation of Machine Learning Toolbox (deep neural networks and convolutional neural networks)

convolutional-neural-networks deep-neural-networks machine-learning-toolbox

Last synced: 29 Dec 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/suhani1209/mobile-gallery-image-classifier

Distinguishes the mobile gallery's images into various sets such as whatsapp documents, nature, cars, screenshots, the machine learns itself and predicts the results with an accuracy of 97.6%

cnn deep-learning deep-neural-networks image-classification object-classification python

Last synced: 25 Dec 2024

https://github.com/mashiat12/synthetic_brain_image_generation

Synthetic images generated using deeplearning model (GANs) allows researchers to create realistic, diverse MRI images that can supplement or expand existing datasets without needing additional patient scans.

artificial-intelligence deep-learning deep-neural-networks gan gans generative-adversarial-network generative-ai image-processing imagegeneration machine-learning

Last synced: 30 Nov 2024

https://github.com/gsauc3/pytorch-model-details

Package to visualize all the layer parameters of a deep learning model.

cnn-model deep-learning deep-neural-networks model-summary pytorch summary

Last synced: 30 Dec 2024

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/ondrejbiza/vae

Variational autoencoders implemented in Tensorflow.

deep-learning deep-neural-networks tensorflow variational-autoencoders vq-vae

Last synced: 08 Jan 2025

https://github.com/m0hc3n/happy-or-sad-detection-deep-learning-model

This is a simple deep learning model to detect whether a person is happy or sad.

body-recognition convolutions deep-learning deep-neural-networks face-recognition-opencv

Last synced: 08 Jan 2025

https://github.com/coditheck/tensorflow

TensorFlow is an open source Machine Learning library, created by Google, for developing and running Machine Learning and Deep Learning applications.

deep-learning deep-neural-networks keras machine-learning neural-network python tensorflow tensorflow-tutorials

Last synced: 21 Dec 2024

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/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/sathyasris27/image-classification-using-dnn-and-cnn

The main aim of this project is to understand and implement deep neural network (DNN) and convolutional neural network (CNN) and see how these can be used for classification problems.

classification convolutional-neural-networks data-science deep-learning deep-neural-networks image-classification python

Last synced: 12 Nov 2024

https://github.com/wodenwang820118/music_genre_multiclass_classification

The multiclass classification sometimes gets poor results. The repository attempts to use comet_ml to grid search and find the best hyperparameters and concatenate different models for training a better model. The goal is to classify the music genres.

deep-learning deep-neural-networks machine-learning multiclass-classification music-genre-classification

Last synced: 12 Nov 2024

https://github.com/shivamgupta92/imageforgerydetection

Employing Error Level Analysis (ELA) and Edge Detection techniques, this project aims to identify potential image forgery by analyzing discrepancies in error levels and abrupt intensity changes within images.

deep-neural-networks densenet121 error-level-analysis forgery-detection jpeg-compression-technique

Last synced: 12 Nov 2024

https://github.com/augus1999/akane

AsymmetriC AutoeNcodEr (ACANE β†’ AkAne). This model is part of MSc Electrochemistry and Battery Technologies project (2022 - 2023), University of Southampton.

chemistry deep-neural-networks denovo-design graph-neural-networks machine-learning multitask-learning pytorch-implementation transformer

Last synced: 14 Nov 2024

https://github.com/travelxml/tensorflow-and-keras-sentiment-analysis-using-rnn

NLP: Sentiment Analysis using TensorFlow and Keras: This project implements a Recurrent Neural Network (RNN) to classify Amazon product reviews into different sentiment categories. It leverages text preprocessing, tokenization, and model training to predict the sentiment with high accuracy.

deep-learning deep-neural-networks deeplearning keras keras-tensorflow nlp rnn rnn-tensorflow sentiment-analysis tenserflow

Last synced: 21 Dec 2024

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

https://github.com/coding-enthusiast9857/automatic_text_generation

Welcome to the repository, where innovation meets language! This repository is a comprehensive collection of tools, models, and resources dedicated to the exciting field of automatic text generation. Whether you're a researcher, developer, or enthusiast, this repository provides a playground for exploring cutting-edge technology.

ai ann cnn deep-learning deep-neural-networks gru keras lstm ml neural-networks nlp numpy python rnn tensorflow tensorflow2 text-processing

Last synced: 14 Nov 2024

https://github.com/rafaykhattak/neural-network-from-scratch

A simple neural network implementation from scratch using only NumPy for numerical computations.

deep-neural-networks image-classification neural-network numpy

Last synced: 13 Nov 2024

https://github.com/rafaykhattak/plagsnipe

By analyzing the linguistic complexity and repetitiveness of the text, PlagSnipe provides accurate insights into the authenticity and originality of written content, helping users identify potential instances of AI-generated text with precision and confidence.

deep-neural-networks gpt2 gpt2tokenizer nltk pytorch transformers

Last synced: 13 Nov 2024

https://github.com/rafaykhattak/llamadoc

Taking advantage of LlamaIndex's in-context learning paradigm, LlamaDoc empowers users to input PDF documents and pose any questions related to the content. The tool leverages the LLama Index's reasoning capabilities to provide intelligent responses based on the contextual understanding of the LLM.

deep-neural-networks gpt3 in-context-learning llama-index llm

Last synced: 13 Nov 2024

https://github.com/irishfix/universalnumerics.net

UniversalNumerics.NET is a versatile .NET package that can be used both in Unity and in normal C# projects. It simplifies common computational tasks, such as computing 2D line intersections, 2D segment intersections, 2D point within queries, 2D triangulation of points, 3D area voxelization and even creating deep neural network models.

artifical-intelligence artificial-neural-networks computational-geometry csharp csharp-library deep-learning deep-neural-networks dotnet mathematics triangulation triangulation-delaunay unity unity3d

Last synced: 13 Nov 2024