Pinned Repositories
100-plus-Python-programming-exercises-extended
100+ python programming exercise problem discussed ,explained and solved in different ways
2021-ZJU-Machine-Learning
浙江大学机器学习
3D_RFUltrasound_Reconstruction
3D Volume Reconstruction of Raw Ultrasound Radiofrequency Data
aaivu-ride-hailing-simulation
Ride Hailing Simulation - A data-driven approach to model a simulation environment
AANAP
An implementation of AANAP in CVPR 2015 paper.
GuangwenSiMachineLearning
专注做一件事情,并尽可能做好。
Medical-image-Processing-
A project maintained by Meng and Wen
OpenCV---Various_Language
In this Respository, The trend Project OpenCV project has been made, basically OpenCV Projects mostly code in Python, JAVA, C++, C. Otherwise OpenCV (Open Source Computer Vision Library) is an open source computer vision and machine learning software library. OpenCV was built to provide a common infrastructure for computer vision applications and to accelerate the use of machine perception in the commercial products. Being a BSD-licensed product, OpenCV makes it easy for businesses to utilize and modify the code. The library has more than 2500 optimized algorithms, which includes a comprehensive set of both classic and state-of-the-art computer vision and machine learning algorithms. These algorithms can be used to detect and recognize faces, identify objects, classify human actions in videos, track camera movements, track moving objects, extract 3D models of objects, produce 3D point clouds from stereo cameras, stitch images together to produce a high resolution image of an entire scene, find similar images from an image database, remove red eyes from images taken using flash, follow eye movements, recognize scenery and establish markers to overlay it with augmented reality, etc. OpenCV has more than 47 thousand people of user community and estimated number of downloads exceeding 18 million. The library is used extensively in companies, research groups and by governmental bodies.
RL-for-Transportation
Paper list of Reinforcement Learning (RL) applied on transportation
stable-diffusion-webui
Stable Diffusion web UI
GuangwenSi's Repositories
GuangwenSi/GuangwenSiMachineLearning
专注做一件事情,并尽可能做好。
GuangwenSi/Medical-image-Processing-
A project maintained by Meng and Wen
GuangwenSi/100-plus-Python-programming-exercises-extended
100+ python programming exercise problem discussed ,explained and solved in different ways
GuangwenSi/2021-ZJU-Machine-Learning
浙江大学机器学习
GuangwenSi/aaivu-ride-hailing-simulation
Ride Hailing Simulation - A data-driven approach to model a simulation environment
GuangwenSi/AnomalyDetectionCVPR2018
GuangwenSi/ASRT_SpeechRecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统
GuangwenSi/athena
an open-source implementation of sequence-to-sequence based speech processing engine
GuangwenSi/bert4keras
keras implement of transformers for humans
GuangwenSi/bert_seq2seq
pytorch实现bert做seq2seq任务,使用unilm方案,现在也可以做文本分类,情感分析,NER,词性标注等任务。
GuangwenSi/CDSS
Clinical decision support system by HealthRex laboratory at Stanford University.
GuangwenSi/conv-emotion
This repo contains implementation of different architectures for emotion recognition in conversations.
GuangwenSi/Coursera-ML-AndrewNg-Notes
吴恩达老师的机器学习课程个人笔记
GuangwenSi/covid-chestxray-dataset
We are building an open database of COVID-19 cases with chest X-ray or CT images.
GuangwenSi/DA-RNN
📃 𝖀𝖓𝖔𝖋𝖋𝖎𝖈𝖎𝖆𝖑 PyTorch Implementation of DA-RNN (arXiv:1704.02971)
GuangwenSi/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
GuangwenSi/FewShot_GAN-Unet3D
Tensorflow implementation of our paper: Few-shot 3D Multi-modal Medical Image Segmentation using Generative Adversarial Learning
GuangwenSi/GEM
GuangwenSi/hybrid-cp-rl-solver
Combining Reinforcement Learning and Constraint Programming for Combinatorial Optimization
GuangwenSi/keras-bert
Implementation of BERT that could load official pre-trained models for feature extraction and prediction
GuangwenSi/Keras-TextClassification
中文长文本分类、短句子分类、多标签分类、两句子相似度(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Albert, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, SWEM, LEAM, TextGCN
GuangwenSi/Learn-Statistical-Learning-Method
Implementation of Statistical Learning Method, Second Edition.《统计学习方法》第二版,算法实现。
GuangwenSi/Lhy_Machine_Learning
李宏毅2021春季机器学习课程课件及作业
GuangwenSi/nlp_xiaojiang
自然语言处理(nlp),小姜机器人(闲聊检索式chatbot),BERT句向量-相似度(Sentence Similarity),XLNET句向量-相似度(text xlnet embedding),文本分类(Text classification), 实体提取(ner,bert+bilstm+crf),数据增强(text augment, data enhance),同义句同义词生成,句子主干提取(mainpart),中文汉语短文本相似度,文本特征工程,keras-http-service调用
GuangwenSi/Opencv-project
Awesome Opencv Project
GuangwenSi/OpencvUsing1
GuangwenSi/PDandNP
pandas and numpy learning
GuangwenSi/python-speech
GuangwenSi/tutorials
机器学习相关教程
GuangwenSi/UrbanFM
Pytorch Implement of Urban Flow Magnifier (UrbanFM), KDD-19