An open API service providing repository metadata for many open source software ecosystems.

gitlab.com topics: deep learning

HanBnrd/benchnirs

Benchmarking framework for machine learning with fNIRS https://doi.org/10.3389/fnrgo.2023.994969

Last synced at: 2 months ago - Stars: 3 - Forks: 3

rki_bioinformatics/DeePaC

Predicting pathogenic potentials of short DNA reads with reverse-complement deep neural networks.

Last synced at: 2 months ago - Stars: 2 - Forks: 5

bsmetsjr/lietorch

PDE-based Group Equivariant CNNs for PyTorch

Last synced at: about 2 months ago - Stars: 3 - Forks: 2

EAVISE/lightnet

Darknet got illuminated by PyTorch ~ Meet Lightnet

Last synced at: 3 months ago - Stars: 55 - Forks: 24

wdeback/dl-attentiondeepmil

Port of AttentionDeepMIL from Ilse et al. 2018 from PyTorch to Keras. Original paper: https://arxiv.org/pdf/1802.04712.pdf Original repo: https://github.com/AMLab-Amsterdam/AttentionDeepMIL

Last synced at: about 1 year ago - Stars: 0 - Forks: 0

dacs-hpi/pathogenic-fungi

Landing page of the DeePaC-F fungal database and models

Last synced at: about 1 year ago - Stars: 0 - Forks: 0

public-dev-projects-1/gitlab-profile

A little more about me... Graduated in Bachelor of Information Systems, in college I had contact with different technologies. Along the way, I took the Artificial Intelligence course, where I had my first contact with machine learning and Python. From this it became my passion to learn about this area. Today I work with machine learning and deep learning developing communication software. Along the way, I created a blog where I create some posts about subjects that I am studying and share them to help other users.

Last synced at: 11 months ago - Stars: 0 - Forks: 0

ecostat/imaginecology

Image, Deep Learning, Ecology : please visit [https://ecostat.gitlab.io/imaginecology/](https://ecostat.gitlab.io/imaginecology/) A curated list of deep learning resources for computer vision in the context of ecology

Last synced at: over 1 year ago - Stars: 12 - Forks: 2

ravisaroch/star-protocols

Protocol for network and expression integration to identify potential defense gene in host-pathogen interactions

Last synced at: over 1 year ago - Stars: 0 - Forks: 0

matthewhelmi/NeuralNetwork_HRTEM

Neural Network software for identifying atoms and atomic columns in High Resolution Transmission Electron Micrographs (HRTEM)

Last synced at: about 2 years ago - Stars: 1 - Forks: 1

qq0912353100/ml_related

This project showcases our capabilities in AI-related technologies, including data preprocessing, visualization, feature selection, model training, and the use of advanced techniques such as CNNs, RNNs, LSTMs, and GANs. Ongoing updates!

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

pooya.nasiri75/bone-age-prediction

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

itisnika/Carcinoma

A Jupyter Notebook application built on top of the Keras framework that assists doctors in classifying breast tumors as either benign or malignant through statistical regression methods and Neural Networks. It utilizes Deep Learning to predict tumor outcomes and a small study was conducted to evaluate the performance of various predictive models in breast tumor prediction.

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

fra-wa/pytorch_segmentation

This is a project to train, use and analyze 2D and 3D neural networks for segmentation. It contains a UI and is implemented in pytorch and django as backend.

Last synced at: about 2 years ago - Stars: 2 - Forks: 0

deepet/faket

FakET: Simulating Cryo-Electron Tomograms with Neural Style Transfer

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

canh25xp/Yolov5-segmentation-ncnn

Yolov5-segmentation identity card detection and rotation with the NCNN and OpenCV framework.

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

web3se/smartvue

The frontend for SmartIntentNN

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

web3se/smartintent

The deep learning model and backend of SmartIntentNN

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

DracoStriker/simplified-pokemon-environment

The Simple Pokémon Environment is an AI environment complient with gym that allows for training Reinforcement Learning agents in a simplified version of Pokémon Battles.

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

daindq/lab-assignment

Private git for rendering ".ipynb" notebook files...

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

wesammoustafa/cudalab-ss22-human-pose-forecasting

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

CT-P/deeplearning4socialsciences

Campus course: Deep Learning in the Social Sciences

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

ravisaroch/dlnet-host-pathogen-interaction

Pipeline for deep learning network construction of host pathogen interaction (DLNet-HPI).

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

a-potemkin/allium-cepa-tool

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

hdhnl/aidlox-os-presentation

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

l52mas/l52mas.gitlab.io

Webpage for the L52+ lab

Last synced at: over 2 years ago - Stars: 0 - Forks: 1

warren30815/Yolo-Keras2

Implementation of Movement Aid for the Visually-Impaired by Using CNN based Learning Architecture

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

spud-the-bot/python/face-detection

This is the Python script which runs on Spud's Head Nano to detect faces. It communicates with other processors via ethernet. This project was seeded by Mike Soniat's example. The first commit is Soniat's unmodified project. See Soniat's files 'AI Face Following.pptx', 'AI Face Following.mov', and 'AI Face Following with Jetson Nano.mov' in the repository for more info.

Last synced at: over 2 years ago - Stars: 1 - Forks: 0

spud-the-bot/python/object-detection

This is the Python script which runs on Spud's Head Nano to detect and classify objects. It communicates with other processors via ethernet. This project was seeded by Mike Soniat's example. The first commit is Soniat's unmodified project.

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

spud-the-bot/python/face-recognition

This is the Python script which runs on Spud's Head Nano to recognize faces. It communicates with other processors via ethernet. This project was seeded by Mike Soniat's example. The first commit is Soniat's unmodified project. See Soniat's file 'AI Face Recognizer.pptx' in the repository for more info.

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

philip.goto/imbalanced-active-learning

Supplementary code for my thesis on active learning for imbalanced data sets

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

telarson/practical-deep-learning-for-coders1

My work for part one of the course.fast.ai Practical Deep Learning for Coders, Part 1 class.

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

danielegrattarola/twitter-sentiment-cnn

An implementation in TensorFlow of a convolutional neural network (CNN) to perform sentiment classification on tweets.

Last synced at: over 2 years ago - Stars: 2 - Forks: 1

BSML/ml-2hdm

Code used for producing results presented in the article "Signal mixture estimation for degenerate heavy Higgses using a deep neural network", published in I. Eur. Phys. J. C (2018) 78: 1010

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

Bas-Korver/deepgeostat

DeepGeoStat is a project started by the CBS (Centraal Bureau voor de Statistiek). A colleague and I worked on this project for our internship. The original repository is located at: https://gitlab.com/CBDS/deepgeostat

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

michael.neri/sound-event-detection-for-human-safety-and-security-in-noisy-environments

Project of the paper "Sound Event Detection for Human Safety and Security in Noisy Environments".

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

hararticles/gs-gt

Comparison of standard Gabor transform with Gabor scattering audio signal representations used as an input of convolutional neural network on multiclass classification task. Experiments conducted on synthetic and GoodSounds data.

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

MonGreL94/machine-learning-project

This repo contains the code and documentation of the project realized for the Machine Learning & Big Data Analytics course, developed during my Master's Degree course in Computer Engineering.

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

phyloinformatics/malebi22

Materials in this project correspond to the "Machine Learning for Bioinformatics" course Dr. Jacob Machado gave at UNC Charlotte during the Fall semester of 2022. See more details in the README.md file.

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

chavezheras/shape_of_computervision

Experimental method to research "implicit optical perspective" in deep learning computer vision systems.

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

faridkhaheshi/machineLearning

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

david-alvarez-rosa/neural-network

Implementation of a (fully connected) Neural Network from scratch in C++.

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

pjahoda/DecisionAmbiguityRecognition

Deep learning AI, that recognizes when are people uncertain

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

Bbaypifi/introduction-to-neural-networks

This is the first project donne for my deep learning class

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

qub_femg/machine-learning/featurenet-tensorflow-2

This project is a re-implementation of FeatureNet using Tensorflow 2. With working segmentation code.

Last synced at: over 2 years ago - Stars: 0 - Forks: 1

GCABC123/gpt-3

✭ MAGNETRON ✭: GPT-3: Language Models are Few-Shot Learners

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

qub_femg/machine-learning/cadnet

Code for **Graph Representation of 3D CAD models for Machining Feature Recognition with Deep Learning** paper. This is an approach using graph neural networks to learning from planar B-Rep CAD models.

Last synced at: over 2 years ago - Stars: 0 - Forks: 1

lebe1/bachelorthesis

Medical Deep Learning: Comparing State of the Art Model Architectures for Skin Cancer Detection in Dermatoscopic Images

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-INSTINCTIVE-MIND-3

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing an OBJECT MASKING PROXIA when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-INSTINCTIVE-MIND-1

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing an OBJECT DETECTION proxia when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-DeepSpeech

✭ MAGNETRON ™ ✭: HEARING PROXIA. DeepSpeech is an open source embedded (offline, on-device) speech-to-text engine which can run in real time on devices ranging from a Raspberry Pi 4 to high power GPU servers.

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

MonGreL94/artificial-vision-project

This repo contains the code and documentation of the project realized for the Artificial Vision course, developed during my Master's Degree course in Computer Engineering.

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

jrpespinas/sentiment-analysis-research

replicated sentiment analysis https://github.com/bentrevett/pytorch-sentiment-analysis/blob/master/1%20-%20Simple%20Sentiment%20Analysis.ipynb

Last synced at: over 2 years ago - Stars: 2 - Forks: 0

ole-christian-johnsrud/dat300-deep-learning-in-python/compulsory-1-classifying-trees

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

thisisayushg/cnn-melanoma-detection

To build a CNN based model which can accurately detect melanoma. Melanoma is a type of cancer that can be deadly if not detected early. It accounts for 75% of skin cancer deaths. A solution which can evaluate images and alert the dermatologists.

Last synced at: over 2 years ago - Stars: 0 - Forks: 1

alfarias/cae

Repositório do código-fonte para o artigo publicado no ENIAC 2018. https://sol.sbc.org.br/index.php/eniac/article/view/4446

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

GCABC123/magnetron-imagination

✭ MAGNETRON ™ ✭: for making an IMAGINATION PROXIA/IMAGINATION PROXIA (A1). Instant neural graphics primitives: lightning fast NeRF (Neural Radiance Fields) and more...

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/yolov5

✭ MAGNETRON ™ ✭: YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-INSTINCTIVE-MIND-5-2B

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing a VOICE PROXIA (B) when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-INSTINCTIVE-MIND-6

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing a FACE RECOGNITION PROXIA (B) when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY)

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-INSTINCTIVE-MIND-7

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing a EMOTION RECOGNITION PROXIA (B) when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-INSTINCTIVE-MIND-2

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing an OBJECT DETECTION proxia when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-IMAGINATION-B

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing an IMAGINATION proxia when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-IMAGINATION-C

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing an IMAGINATION (C) proxia when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-BRAIN-MAIN

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing a BRAIN PROXIA (B) when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-IMAGINATION-A1

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing an IMAGINATION (A1) PROXIA when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-ASTRAL_VISION-C

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing an ASTRAL VISION PROXIA (C) when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-INSTINCTIVE-MIND-5

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing a HEARING PROXIA (B) when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-INSTINCTIVE-MIND-4_TC

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing a TRAFFIC COUNTING (TC) PROXIA when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-IMAGINATION-D

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing an IMAGINATION (D) proxia when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/magnetron-artificial-intelligence-2-0-mincloud-proxia-ASTRAL_VISION-B

✭ MAGNETRON ™ ✭: This is a Google Colab/Jupyter Notebook for developing an ASTRAL VISION PROXIA when working with ARTIFICIAL INTELLIGENCE 2.0 ™ (ARTIFICIAL INTELLIGENCE 2.0™ is part of MAGNETRON ™ TECHNOLOGY).

Last synced at: 11 months ago - Stars: 1 - Forks: 0

GCABC123/diffusers

✭ MAGNETRON ✭: Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

GCABC123/detectron2

✭ MAGNETRON ✭: Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

GCABC123/DeepSpeech

✭ MAGNETRON ✭: DeepSpeech is an open source embedded (offline, on-device) speech-to-text engine which can run in real time on devices ranging from a Raspberry Pi 4 to high power GPU servers.

Last synced at: almost 3 years ago - Stars: 1 - Forks: 0

Constantly/IRENE

This is an ongoing project named IRENE. Please stay tuned for more updates!

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

Qamar.Uddin/OCR-Project

Features Extraction of Tax Card by Using OCR Based Deep Learning Techniques

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

tooblu/deeplearning

Last synced at: over 1 year ago - Stars: 0 - Forks: 0

itandroids/open-projects/rcss2d-opp-imitation

Research on the use of Deep Imitation Learning to obtain models of opponent behavior in the RoboCup Soccer Simulation 2D League.

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

victorsenoguchi/MAC0460-introducao-ao-aprendizado-de-maquina

Exercícios de programação da disciplina MAC0460 - Introdução ao Aprendizado de Máquina ministrada pela professora Nina Sumiko Tomita Hirata no Instituto de Matemática e Estatística da Universidade de São Paulo no primeiro semestre de 2021.

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

cigoic/blog

Example Hugo site using GitLab Pages: https://pages.gitlab.io/hugo

Last synced at: over 2 years ago - Stars: 0 - Forks: 0

qub_femg/machine-learning/hierarchical-cadnet

This project provides a deep learning approach to learn machining features from CAD models using a hierarchical graph convolutional neural network.

Last synced at: over 2 years ago - Stars: 0 - Forks: 1

leo-plese/artificial-intelligence-machine-learning-deep-learning/machine-learning/machine-learning-basics

Machine Learning Basics - implementation of: loss functions (cross entropy loss, L1 loss, L2 loss, hinge loss), regularizations (L1 regularizer, L2 regularizer, early stopping), gradient check, optimizers, training a simple deep model.

Last synced at: over 1 year ago - Stars: 0 - Forks: 0

hzxie/Pix2Vox

Implementation of "Pix2Vox++: Multi-scale Context-aware 3D Object Reconstruction from Single and Multiple Images" (Xie et al., IJCV 2020)

Last synced at: over 2 years ago - Stars: 6 - Forks: 8

manabitv/manabitv.gitlab.io

Last synced at: almost 3 years ago - Stars: 0 - Forks: 2

Hollstensson/kvasir-binary

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

fpitters/ml_explorations

A bunch of notebooks on machine learning

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

deepcypher/python-fhez

Fully Homomorphic Encryption Deep Learning Library

Last synced at: almost 3 years ago - Stars: 7 - Forks: 1

MatthieuRochette/deep-learning-epitech-pge4

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

anaveroneze/isc2022-companion

This is the Companion material for our research paper for the ISC High Performance 2022.

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

Bbaypifi/brain-tumour-segmentation-and-classification

Final project for my python for data science class.

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

Bbaypifi/introduction-to-lstm-and-1-d-cnn

Application of Deep Learning methods to Time Series

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

migamic/meme-template-extractor

End-to-end meme template extractor & enhancer

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

tommitassi/thesis_td

Code developed for the thesis: "Stabilization methods for transport dominated problems enhanced by Artificial Neural Networks: towards turbulence LES modeling". Author: Tommaso Tassi MOX, Department of Mathematics, Politecnico di Milano, 2021.

Last synced at: over 2 years ago - Stars: 0 - Forks: 1

safeeSamir/digital-twins

A virtual space with your virtual twin. Your twin can interact with other twins and other people.

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

akashbangalkar/amazon-apparel-recommendations-system

Machine Learning - Content Based Recommendation System

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

clengele/egt-presentation-commonpoolresources

This project was an attempt to reproduce the work published by DeepMind for the paper https://arxiv.org/pdf/1707.06600.pdf . This reproduction was part of the course INFO-F409 : Learning Dynamics.

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

johnjvester/machine-learning-service

Machine Learning (ML) service created using Spring Boot and Deep Java library (DJL).

Last synced at: about 2 years ago - Stars: 0 - Forks: 0

gbazack/human-detection-cnn

This project deals with human detection from IR-UWB radar sensors. In this project, we implement a custom Convolutional Neural Network with TensorFlow to classify reflected signals from people queuing and walking in a closed space.

Last synced at: almost 3 years ago - Stars: 0 - Forks: 0

Related Keywords
deep learning 181 machine learning 74 python 50 artificial intelligence 35 computer vision 29 neural networks 27 robotics 24 deep neural networks 24 cybersecurity 22 dataset 21 robots 20 pytorch 20 infrastructure 18 tensorflow 16 Telecommunication 12 CNN 10 object detection 9 neural network 9 pycharm 9 numpy 9 NLP 8 AI 8 security 8 matplotlib 8 keras 7 data science 7 telecomunications 6 LSTM 4 natural language processing 4 data augmentation 4 computer graphics 4 language models 3 classification 3 Machining Feature Recognition 3 jupyter notebook 3 reinforcement learning 3 statistics 3 MNIST 3 docker 3 pathogens 3 python3 3 NVIDIA Jetson 3 yolo 3 ML 3 Convolutional Neural Network 3 datasets 3 vue.js 2 smart contract 2 time-frequency 2 opencv 2 golang 2 signal processing 2 RNN 2 scattering 2 reproducibility 2 face recognition 2 image annotation 2 linux 2 chess 2 framework 2 audio 2 transformers 2 bioinformatics 2 memes 2 training 2 transfer learning 2 prediction 2 iris 2 EDA 2 Convolutional Neural Networks 2 gene expression 2 plants 2 image processing 2 NLP(Natural Language Process) 2 logistic regression 2 Image Analysis 2 CAD 2 darknet 2 data analysis 2 sentiment analysis 2 Motion Control 2 bag of words 2 raspberry pi 2 word2vec 2 research 1 Eulerian Fluid Simulation 1 NLU 1 pruning 1 Robot Control 1 variational autoencoder 1 continuous Bernoulli 1 jekyll 1 Trajectory Planning 1 Visual Reasoning 1 poetry 1 stockfish 1 experimentation 1 hyperparamter tuning 1 ethical ai 1 data robot 1