DunguLock's Stars
NVIDIA/TensorRT-LLM
TensorRT-LLM provides users with an easy-to-use Python API to define Large Language Models (LLMs) and build TensorRT engines that contain state-of-the-art optimizations to perform inference efficiently on NVIDIA GPUs. TensorRT-LLM also contains components to create Python and C++ runtimes that execute those TensorRT engines.
zhixuhao/unet
unet for image segmentation
foolwood/benchmark_results
Visual Tracking Paper List
hwalsuklee/awesome-deep-text-detection-recognition
A curated list of resources for text detection/recognition (optical character recognition ) with deep learning methods.
jakeret/tf_unet
Generic U-Net Tensorflow implementation for image segmentation
sstephenson/eco
Embedded CoffeeScript templates
mlcommons/training
Reference implementations of MLPerf™ training benchmarks
zenorocha/voice-elements
:speaker: Web Component wrapper to the Web Speech API, that allows you to do voice recognition and speech synthesis using Polymer
MarvinTeichmann/tensorflow-fcn
An Implementation of Fully Convolutional Networks in Tensorflow.
ClementPinard/FlowNetPytorch
Pytorch implementation of FlowNet by Dosovitskiy et al.
xionghc/Facial-Expression-Recognition
Facial-Expression-Recognition in TensorFlow. Detecting faces in video and recognize the expression(emotion).
AstarLight/Satellite-Segmentation
martin-danelljan/ECO
Matlab implementation of the ECO tracker.
Tlntin/Qwen-TensorRT-LLM
warmspringwinds/tf-image-segmentation
Image Segmentation framework based on Tensorflow and TF-Slim library
bertinetto/cfnet
[CVPR'17] Training a Correlation Filter end-to-end allows lightweight networks of 2 layers (600 kB) to high performance at fast speed..
yangxue0827/R2CNN_FPN_Tensorflow
R2CNN: Rotational Region CNN Based on FPN (Tensorflow)
tkuanlun350/Tensorflow-SegNet
Implement slightly different caffe-segnet in tensorflow
Shicoder/DeepLearning_Demo
深度学习入门的一些简单例子
tzirakis/Multimodal-Emotion-Recognition
This repository contains the code for the paper `End-to-End Multimodal Emotion Recognition using Deep Neural Networks`.
ChengBinJin/V-GAN-tensorflow
A tensorflow implementation of "Retinal Vessel Segmentation in Fundoscopic Images with Generative Adversarial Networks"
zhengyang-wang/Deeplab-v2--ResNet-101--Tensorflow
An (re-)implementation of DeepLab v2 (ResNet-101) in TensorFlow for semantic image segmentation on the PASCAL VOC 2012 dataset.
lifeng9472/STRCF
Learning Spatial-Temporal Regularized Correlation Filters for Visual Tracking (CVPR 2018)
allenai/dnw
Discovering Neural Wirings (https://arxiv.org/abs/1906.00586)
mozilla/voicefill
A WebExtension To Add Speech To Text Support to Web Pages
zeroQiaoba/EmotiW2018
spiglerg/DQN_DDQN_Dueling_and_DDPG_Tensorflow
Tensorflow + OpenAI Gym implementation of Deep Q-Network (DQN), Double DQN (DDQN), Dueling Network and Deep Deterministic Policy Gradient (DDPG)
kousik97/Video-Expression-Recognition
Recognising expression/emotion of unique faces in a video
deepak-ucfknight/Emotion-Recognition
Emotion Classification on FerPlus Dataset
LeadingIndiaAI/Multimodal-Emotion-Recognition-in-Polish
Multimodal emotion recognition is a challenging task because emotions can be expressed through various modalities. It can be applied in various fields, for example, human-computer interaction, crime, healthcare, multimedia retrieval, etc. In recent times, neural networks have achieved overwhelming success in determining emotional states. Motivated by these advancements, we present a multimodal emotion recognition system which is based on body language, facial expression and speech. This paper presents the techniques used in the Multimodal Emotion Recognition in Polish challenge. To detect the emotional state for various videos, data preprocessing operations are performed and robust features are extracted. For this purpose, we have used facial landmark detection for facial expressions and MFCC for speech.