shallow-neural-network
There are 31 repositories under shallow-neural-network topic.
SSQ/Coursera-Ng-Neural-Networks-and-Deep-Learning
Build logistic regression, neural network models for classification
PL97/TTL
[BMVC'23 Oral] Offical repository of "Rethinking Transfer Learning for Medical Image Classification"
sukiboo/sgn
Source code for the numerical experiments presented in the paper "Greedy Shallow Networks: An Approach for Constructing and Training Neural Networks".
Abdulk084/HybridTox2D
In recent times, toxicological classification of chemical compounds is considered to be a grand challenge for pharma-ceutical and environment regulators. Advancement in machine learning techniques enabled efficient toxicity predic-tion pipelines. Random forests (RF), support vector machines (SVM) and deep neural networks (DNN) are often ap-plied to model the toxic effects of chemical compounds. However, complexity-accuracy tradeoff still needs to be ac-counted in order to improve the efficiency and commercial deployment of these methods. In this study, we implement a hybrid framework consists of a shallow neural network and a decision classifier for toxicity prediction of chemicals that interrupt nuclear receptor (NR) and stress response (SR) signaling pathways. A model based on proposed hybrid framework is trained on Tox21 data using 2D chemical descriptors that are less multifarious in nature and easy to calcu-late. Our method achieved the highest accuracy of 0.847 AUC (area under the curve) using a shallow neural network with only one hidden layer consisted of 10 neurons. Furthermore, our hybrid model enabled us to elucidate the inter-pretation of most important descriptors responsible for NR and SR toxicity.
francescosisini/ReLe
Libreria didattica per la creazione, addestramento e test di reti neurali fino a tre strati in linguaggio C
kvignesh1420/shallow_nc1
Exploring "variability collapse" in shallow neural networks
omidnaeej/Bio-Inspired-Computing
Projects of "Bio Inspired Computing" Course - University of Tehran - Spring 2024
Subangkar/Neural-Networks-and-Deep-Learning-deeplearning.ai-Coursera-Assignments
Notebooks of programming assignments of Neural Networks and Deep Learning course of deeplearning.ai on coursera in August-2019
Almas105/Cervical_Cancer_Detection_Using_Deep_Learning_Techniques
In this project, we propose a cervical cancer detection and classification system using CNNs . We employ transfer learning and fine-tuning for enhanced performance. Classifiers like ELM and AE are added to increase the efficiency.
Baha2rM98/Chest-Xray
Human Data Analytics (Optional Project)
Jaysontian/scenic-v2
study of scene classification with different MLP layer types
Kalyani011/DeepLearning-Logistic_Regression
Logistic Regression Implementations - ML, Shallow NN and Enhanced Deep Neural Network for Structured and Unstructured Data Classification
lexust1/deep_learning_dl_coursera
Deep learning Specialization on Coursera
simonefinelli/Mushrooms
Predicting if a mushroom is edible or poisonous with a shallow neural network with Keras and TensorFlow 2.
Xage0424/Comparative-Analysis-of-Activation-Functions-in-Shallow-Neural-Networks-for-Multi-Class-Image
Comparative Analysis of Activation Functions in Shallow Neural Networks for Multi-Class Image Classification Using MNIST Digits and CIFAR-10 Datasets with Fixed Architectural Parameters
Anivader/HoloScreen-onco
High-throughput detection and enumeration of tumor cells in blood using Digital Holographic Microscopy (DHM) and Deep Learning.
calmendares1/rsdn
A Python-based Machine Learning repository for the purpose of developing and testing a type of Shallow Deep Networks.
kostadin-georgiev97/deep-neural-network-from-scratch
Implementation of DNN with Early Stopping from scratch in Python. Evaluation was done on two simple datasets (Blobs and Moons) and on one more challenging dataset (Fashion-MNIST).
monajemi-arman/rop_enhance_neural_net
Using a shallow neural network in Retinopathy of Prematurity (ROP) image enhancement
MylieMudaliyar/Credit-Card-Fraud-Detection
Credit Fraud Detection of a highly imbalanced dataset of 280k transactions. Multiple ML algorithms(LogisticReg, ShallowNeuralNetwork, RandomForest, SVM, GradientBoosting) are compared for prediction purposes.
Naosekpam/Multi-lingual-Indian-text-detector-for-mobile-devices
Scene text detection on Indian scene text data using shallow version of YOLO v3 and v4
OmarAdlii/Car-Price-Prediction
Car Price Prediction is a machine learning project aimed at developing a model that can predict the selling price of used cars based on various features or attributes.
roissyahf/hoax-political-news-detection
Predict whether a political news is hoax or valid
victoriaporter58/Machine-learning-techniques-for-recognising-handwritten-digits
This project encompasses a range of neural and non-neural model implementations to classifiy MNIST digits. The goal is to compare the performance of each technique including details of hyper-parameters, training ans testing errors, training and testing duration and additional parameters used in the analysis.
7990satyam200/Deep-Learning---DeepLearning.ai
Implementation of Deep Neural Networks
electricalgorithm/NCLAHE-ShallowCNN-COVID19
A shallow CNN model that is trained on X-ray chest images with preprocessing step of adaptive histogram equalization.
Krokette29/Planar-Data-Classifier-Using-One-Hidden-Layer
This is a classifier for classifying the planar data with one hidden layer.
sukiboo/nn_approximation_challenge
Challenge of shallow neural network approximation with one-dimensional input.
theroyakash/shallow_neural_network
Design of an one hidden layer neural network using numpy only,