All Projects → yylonly → Servenet

yylonly / Servenet

Service Classification based on Service Description

Projects that are alternatives of or similar to Servenet

Deep Math Machine Learning.ai
A blog which talks about machine learning, deep learning algorithms and the Math. and Machine learning algorithms written from scratch.
Stars: ✭ 173 (+723.81%)
Mutual labels:  jupyter-notebook, deep-neural-networks, word2vec
Action Recognition Visual Attention
Action recognition using soft attention based deep recurrent neural networks
Stars: ✭ 350 (+1566.67%)
Mutual labels:  jupyter-notebook, deep-neural-networks, deeplearning
Germanwordembeddings
Toolkit to obtain and preprocess german corpora, train models using word2vec (gensim) and evaluate them with generated testsets
Stars: ✭ 189 (+800%)
Mutual labels:  jupyter-notebook, deep-neural-networks, word2vec
Hierarchical Attention Network
Implementation of Hierarchical Attention Networks in PyTorch
Stars: ✭ 120 (+471.43%)
Mutual labels:  jupyter-notebook, word2vec, glove
Concise Ipython Notebooks For Deep Learning
Ipython Notebooks for solving problems like classification, segmentation, generation using latest Deep learning algorithms on different publicly available text and image data-sets.
Stars: ✭ 23 (+9.52%)
Mutual labels:  jupyter-notebook, deep-neural-networks, deeplearning
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (+471.43%)
Mutual labels:  jupyter-notebook, classification, cnn
Yolo V2 Pytorch
YOLO for object detection tasks
Stars: ✭ 302 (+1338.1%)
Mutual labels:  deep-neural-networks, cnn, deeplearning
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+361.9%)
Mutual labels:  jupyter-notebook, deep-neural-networks, cnn
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+1685.71%)
Mutual labels:  classification, deep-neural-networks, cnn
Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (+1609.52%)
Mutual labels:  jupyter-notebook, deeplearning, word2vec
Quickdraw
Implementation of Quickdraw - an online game developed by Google
Stars: ✭ 805 (+3733.33%)
Mutual labels:  deep-neural-networks, cnn, deeplearning
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+32200%)
Mutual labels:  jupyter-notebook, cnn, deeplearning
Selfdrivingcar
A collection of all projects pertaining to different layers in the SDC software stack
Stars: ✭ 107 (+409.52%)
Mutual labels:  jupyter-notebook, classification, deep-neural-networks
Glasses
High-quality Neural Networks for Computer Vision 😎
Stars: ✭ 138 (+557.14%)
Mutual labels:  jupyter-notebook, classification, deep-neural-networks
Models
DLTK Model Zoo
Stars: ✭ 101 (+380.95%)
Mutual labels:  jupyter-notebook, deep-neural-networks, cnn
Learnopencv
Learn OpenCV : C++ and Python Examples
Stars: ✭ 15,385 (+73161.9%)
Mutual labels:  jupyter-notebook, deep-neural-networks, deeplearning
Sru Deeplearning Workshop
دوره 12 ساعته یادگیری عمیق با چارچوب Keras
Stars: ✭ 66 (+214.29%)
Mutual labels:  jupyter-notebook, classification, deeplearning
Glove As A Tensorflow Embedding Layer
Taking a pretrained GloVe model, and using it as a TensorFlow embedding weight layer **inside the GPU**. Therefore, you only need to send the index of the words through the GPU data transfer bus, reducing data transfer overhead.
Stars: ✭ 85 (+304.76%)
Mutual labels:  jupyter-notebook, word2vec, glove
Magnet
Deep Learning Projects that Build Themselves
Stars: ✭ 351 (+1571.43%)
Mutual labels:  jupyter-notebook, deep-neural-networks, deeplearning
Food Recipe Cnn
food image to recipe with deep convolutional neural networks.
Stars: ✭ 448 (+2033.33%)
Mutual labels:  jupyter-notebook, classification, cnn

ServeNet: A Deep Neural Network for Web Service Classification

Automated service classification plays a crucial role in service management such as service discovery, selection, and composition. In recent years, machine learning techniques have been used for service classification. However, they can only predict around 10 to 20 service categories due to the quality of feature engineering and the imbalance problem of service dataset. In this project, we present a deep neural network ServeNet with a novel dataset splitting algorithm to deal with these issues. ServeNet can automatically abstract low-level representation to high-level features, and then predict service classification based on the service datasets produced by the proposed splitting algorithm. To demonstrate the effectiveness of our approach, we conducted a comprehensive experimental study on 10,000 real-world services in 50 categories. The result shows that ServeNet can achieve higher accuracy than other machine learning methods.

Please cite our paper as follows:

DataSet in Release:

  • RAW data
  • CSV
  • hdf5 or h5
  • Tensor in pickle

Reuseable Models in Release:

  • BILSTM.hdf5
  • CLSTM.hdf5
  • CNN.hdf5
  • LSTM.hdf5
  • RCNN.hdf5
  • ServeNet.hdf5
  • ServeNet-ICWS20.hdf5

Development

(Online) Google Colab

Directly open .ipynb in Google Colab and prepare data

(Local) Start jupyter lab with docker

CPU

  • docker build . -t servenet:cpu -f Dockerfile-CPU
  • docker run -itd --rm --name servenet-cpu -p 8888:8888 -v /yourpath:/data servenet:cpu

Find URL in log to open jupyter lab

  • docker logs servenet-cpu

GPU

  • docker build . -t servenet:gpu -f Dockerfile-GPU
  • docker run -itd --rm --runtime=nvidia --name servenet-gpu -p 8888:8888 -v /yourpath:/data servenet:gpu

Find URL in log to open jupyter lab

  • docker logs servenet-gpu
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].