Pinned Repositories
HiLens-Lab
caffe-oxford102
Caffe CNNs for the Oxford 102 flower dataset
ChatGPT-Next-Web-copy
A well-designed cross-platform ChatGPT UI (Web / PWA / Linux / Win / MacOS). 一键拥有你自己的跨平台 ChatGPT 应用。
facial_keypoint_face_model
project in computer vision nano-degree program of Udacity. to recognize faces and facial keypoints, such as the location of eyes, nose and mouth on a face used by OpenCV
go
The Open Source Data Science Masters
h2o-3
Open Source Fast Scalable Machine Learning API For Smarter Applications (Deep Learning, Gradient Boosting, Random Forest, Generalized Linear Modeling (Logistic Regression, Elastic Net), K-Means, PCA, Stacked Ensembles...)
mlc-llm
Enable everyone to develop, optimize and deploy AI models natively on everyone's devices.
scikit-learn
scikit-learn: machine learning in Python
tensorflow
An Open Source Machine Learning Framework for Everyone
TensorRT-LLM-copy
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.
xincxiong's Repositories
xincxiong/caffe-oxford102
Caffe CNNs for the Oxford 102 flower dataset
xincxiong/atom
:atom: The hackable text editor
xincxiong/Auto-GPT-copy
An experimental open-source attempt to make GPT-4 fully autonomous.
xincxiong/ChatGPT-Next-Web-copy
A well-designed cross-platform ChatGPT UI (Web / PWA / Linux / Win / MacOS). 一键拥有你自己的跨平台 ChatGPT 应用。
xincxiong/mlc-llm
Enable everyone to develop, optimize and deploy AI models natively on everyone's devices.
xincxiong/tensorflow
An Open Source Machine Learning Framework for Everyone
xincxiong/TensorRT-LLM-copy
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.
xincxiong/benchmark_results
Visual Tracking Paper List
xincxiong/caffe
Caffe: a fast open framework for deep learning.
xincxiong/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
xincxiong/Data-Science-Resources
Resources I used for the path of data science
xincxiong/deep-learning-model-convertor
The convertor/conversion of deep learning models for different deep learning frameworks/softwares.
xincxiong/DeepLearningandArt
neural style transfer
xincxiong/face_recognition
face recognition and face verification system from scratch.
xincxiong/FaceDetect
xincxiong/keras-frcnn
xincxiong/keras_frcnn
Keras Implementation of faster-rcnn
xincxiong/Megatron-LLM
distributed trainer for LLMs
xincxiong/MobileNetV2
A Keras implementation of MobileNetV2.
xincxiong/ModelArts-Lab
ModelArts开发者交流互动平台,@ModelArts服务官网:https://www.huaweicloud.com/product/modelarts.html
xincxiong/PASSRnet
Repository for "Learning Parallax Attention for Stereo Image Super-Resolution", CVPR 2019
xincxiong/PocketFlow
An Automatic Model Compression (AutoMC) framework for developing smaller and faster AI applications.
xincxiong/practice
gluon, pytorch, keras and tensorflow. computer vision
xincxiong/squeezenet
Tensorflow implementation of SqueezeNet.
xincxiong/squeezenet_demo
xincxiong/streamlit-example
Example Streamlit app that you can fork to test out share.streamlit.io
xincxiong/tensorflow-build
TensorFlow binaries supporting AVX, FMA, SSE
xincxiong/tensorflow-yolov3
pure tensorflow Implement of YOLOv3 with support to train your own dataset
xincxiong/TF-SimpleHumanPose
TensorFlow implementation of "Simple Baselines for Human Pose Estimation and Tracking", ECCV 2018
xincxiong/train_arch
vgg(vgg16,vgg19), resnet(resnet_v2_50,resnet_v2_101,resnet_v2_152), inception_v4, inception_resnet_v2,.....