Giter VIP home page Giter VIP logo

pyfume's Introduction

pyFUME

pyFUME is a Python package for automatic Fuzzy Models Estimation from data [1]. pyFUME contains functions to estimate the antecedent sets and the consequent parameters of a Takagi-Sugeno fuzzy model directly from data. This information is then used to create an executable fuzzy model using the Simpful library. pyFUME also provides facilities for the evaluation of performance. For more information about pyFUME's functionalities, please check the online documentation.

Usage

For the following example, we use the Concrete Compressive Strength data set [2] as can be found in the UCI repository. The code in Example 1 is simple and easy to use, making it ideal to use for practitioners who wish to use the default settings or only wish to use few non-default settings using additional input arguments (Example 2). Users that wish to deviate from the default settings can use the code as shown in Example 3. The code of the Simpful model that is generated is automatically saved (in the same location as the pyFUME script is ran from) under the name 'Simpful_code.py'

Note

Please be aware that pyFUME's feature selection functionality makes use of multiprocessing. When feature selection is used, the main script should always be guarded by including "if __name__ == '__main__':" in the header the script. When the Spyder IDE is used, one should include "if __name__ == '__main__' and '__file__' in globals():".

Example 1

from pyfume import pyFUME

# Set the path to the data and choose the number of clusters
path='./Concrete_data.csv'
nc=3

# Generate the Takagi-Sugeno FIS
FIS = pyFUME(datapath=path, nr_clus=nc)

# Calculate and print the accuracy of the generated model
MAE=FIS.calculate_error(method="MAE")
print ("The estimated error of the developed model is:", MAE)

## Use the FIS to predict the compressive strength of a new concrete sample
# Extract the model from the FIS object
model=FIS.get_model()

# Set the values for each variable
model.set_variable('Cement', 300.0)
model.set_variable('BlastFurnaceSlag', 50.0)
model.set_variable('FlyAsh', 0.0)
model.set_variable('Water', 175.0)
model.set_variable('Superplasticizer',0.7)
model.set_variable('CoarseAggregate', 900.0)
model.set_variable('FineAggregate', 600.0)
model.set_variable('Age', 45.0)

# Perform inference and print predicted value
print(model.Sugeno_inference(['OUTPUT']))

Example 2

from pyfume import pyFUME

# Set the path to the data and choose the number of clusters
path='./Concrete_data.csv'
nc=3

# Generate the Takagi-Sugeno FIS
FIS = pyFUME(datapath=path, nr_clus=nc, feature_selection='fst-pso')

# Calculate and print the accuracy of the generated model
MAE=FIS.calculate_error(method="MAE")
print ("The estimated error of the developed model is:", MAE)

## Use the FIS to predict the compressive strength of a new concrete sample
# Extract the model from the FIS object
model=FIS.get_model()

# Set the values for each variable
model.set_variable('Cement', 300.0)
model.set_variable('BlastFurnaceSlag', 50.0)
model.set_variable('FlyAsh', 0.0)
model.set_variable('Water', 175.0)
model.set_variable('Superplasticizer',0.7)
model.set_variable('CoarseAggregate', 900.0)
model.set_variable('FineAggregate', 600.0)
model.set_variable('Age', 45.0)

# Perform inference and print predicted value
print(model.Sugeno_inference(['OUTPUT']))

Example 3

from pyfume import *

# Set the path to the data and choose the number of clusters
path='./Concrete_data.csv'
nr_clus=3

# Load and normalize the data using min-max normalization
dl=DataLoader(path,normalize='minmax')
variable_names=dl.variable_names 
dataX=dl.dataX
dataY=dl.dataY

# Split the data using the hold-out method in a training (default: 75%) 
# and test set (default: 25%).
ds = DataSplitter()
x_train, y_train, x_test, y_test = ds.holdout(dataX=dl.dataX, dataY=dl.dataY)

# Select features relevant to the problem
fs=FeatureSelector(dataX=x_train, dataY=y_train, nr_clus=nr_clus, variable_names=variable_names)
selected_feature_indices, variable_names=fs.wrapper()

# Adapt the training and test input data after feature selection
x_train = x_train[:, selected_feature_indices]
x_test = x_test[:, selected_feature_indices]
      
# Cluster the training data (in input-output space) using FCM with default settings
cl = Clusterer(x_train=x_train, y_train=y_train, nr_clus=nr_clus)
cluster_centers, partition_matrix, _ = cl.cluster(method="fcm")
     
# Estimate the membership funtions of the system (default: mf_shape = gaussian)
ae = AntecedentEstimator(x_train=x_train, partition_matrix=partition_matrix)
antecedent_parameters = ae.determineMF()

# Calculate the firing strength of each rule for each data instance        
fsc=FireStrengthCalculator(antecedent_parameters=antecedent_parameters, nr_clus=nr_clus, variable_names=variable_names)
firing_strengths = fsc.calculate_fire_strength(data=x_train)

# Estimate the parameters of the consequent functions
ce = ConsequentEstimator(x_train=x_train, y_train=y_train, firing_strengths=firing_strengths)
consequent_parameters = ce.suglms()
        
# Build a first-order Takagi-Sugeno model using Simpful. Specify the optional 
# 'extreme_values' argument to specify the universe of discourse of the input
# variables if you which to use Simpful's membership function plot functionalities.
simpbuilder = SugenoFISBuilder(antecedent_sets=antecedent_parameters, consequent_parameters=consequent_parameters, variable_names=variable_names)
model = simpbuilder.get_model()

# Calculate the mean squared error (MSE) of the model using the test data set
test=SugenoFISTester(model=model, test_data=x_test, variable_names=variable_names, golden_standard=y_test)
MSE = test.calculate_MSE()

print('The mean squared error of the created model is', MSE)

Example 4

from pyfume import pyFUME
import pandas as pd
import numpy as np

# Read a Pandas dataframe (using the Pandas library)
df = pd.read_csv('.\Concrete_data.csv')

# Generate the Takagi-Sugeno FIS
FIS = pyFUME(dataframe=df, nr_clus=2)

# Calculate and print the accuracy of the generated model
MAE=FIS.calculate_error(method="MAE")
print ("The estimated error of the developed model is:", MAE)

### Use the FIS to predict the compressive strength of a new concrete samples

## Using Simpful's syntax (NOTE: This approach ONLY works for models built using non-normalized data!)   
# Extract the model from the FIS object
model=FIS.get_model()

# Set the values for each variable
model.set_variable('Cement', 300.0)
model.set_variable('BlastFurnaceSlag', 50.0)
model.set_variable('FlyAsh', 0.0)
model.set_variable('Water', 175.0)
model.set_variable('Superplasticizer',0.7)
model.set_variable('CoarseAggregate', 900.0)
model.set_variable('FineAggregate', 600.0)
model.set_variable('Age', 45.0)

# Perform inference and print predicted value
print('The output using Simpfuls "set_variable" functionality is:', model.Sugeno_inference(['OUTPUT']))

## Using pyFUME's syntax (NOTE: This approach DOES work for models built using normalized data!)
# Create numpy array (matrix) in which each row is a data instance to be processed
new_data_one_instance=np.array([[300, 50,0,175,0.7,900,600,45]]) 
prediction_labels_one_instance=FIS.predict_label(new_data_one_instance)
print('The output using pyFUMEs "predict_label" functionality is:', prediction_labels_one_instance)

# Example in which output for multiple data instances is computed
new_data_multiple_instances=np.array([[300, 50,0,175,0.7,900,600,45],[500, 75,30,200,0.9,600,760,39],[250, 40,10,175,0.3,840,360,51]]) 
prediction_labels_multiple_instance=FIS.predict_label(new_data_multiple_instances)
print('The output using pyFUMEs "predict_label" functionality is:', prediction_labels_multiple_instance)

### Plot the actual values vs the predicted values of the test data using the matplotlib library

# Predict the labels of the test data
pred = FIS.predict_test_data()

# Get the actual labels of the test data
_, actual = FIS.get_data(data_set='test')

# Create scatterplot
import matplotlib.pyplot as plt 
plt.scatter(actual, pred)
plt.xlabel('Actual value') 
plt.ylabel('Predicted value')
plt.plot([0,85],[0,85],'r')     # Add a reference line
plt.show()


Installation

pip install pyfume

Further information

If you need further information, please write an e-mail to Caro Fuchs: c.e.m.fuchs(at)tue.nl.

References

[1] Fuchs, C., Spolaor, S., Nobile, M. S., & Kaymak, U. (2020) "pyFUME: a Python package for fuzzy model estimation". In 2020 IEEE International Conference on Fuzzy Systems (FUZZ-IEEE) (pp. 1-8). IEEE.

[2] I-Cheng Yeh, "Modeling of strength of high performance concrete using artificial neural networks," Cement and Concrete Research, Vol. 28, No. 12, pp. 1797-1808 (1998). http://archive.ics.uci.edu/ml/datasets/Concrete+Compressive+Strength

pyfume's People

Contributors

carofuchs avatar aresio avatar daniele-papetti avatar leonebacciu avatar

Stargazers

 avatar  avatar Aleksey avatar João Cavalcante avatar Helge Hecht avatar Falko Hofmann avatar Diego Volpatto avatar  avatar Simone Spolaor avatar Enes Can Güven avatar Ana Clara Chaves Sousa avatar  avatar Jon Chun avatar Andres Mariscal avatar Christoph Deil avatar  avatar David avatar

Watchers

 avatar Simone Spolaor avatar  avatar

pyfume's Issues

exporting results to Matlab

It would be a good feature to export models, results and other data to Matlab files. Why not provide standard functionality for this purpose?

possible bug in Clusterer().cluster(method='gk')

Dear Caro,

When I am trying to run the following code:

def train_final_model(mf_shape, variable_names, nr_clus):
    all_variable_names = variable_names + ['Price']
    # load data based on selected features
    dl = DataLoader(dataframe=house_data[all_variable_names], normalize='minmax', verbose=False)

    # use all available data from now on to train the model
    cl = Clusterer(nr_clus=nr_clus, x_train=dl.dataX, y_train=dl.dataY, verbose=False)
    _, partition_matrix, _ = cl.cluster(method='gk')  # 'fst-pso' or 'fcm' or 'gk'

    ae = AntecedentEstimator(dl.dataX, partition_matrix)
    antecedent_parameters = ae.determineMF(mf_shape=mf_shape)

    fsc = FireStrengthCalculator(antecedent_parameters, nr_clus=nr_clus, variable_names=variable_names)
    firing_strengths = fsc.calculate_fire_strength(dl.dataX)

    ce = ConsequentEstimator(dl.dataX, dl.dataY, firing_strengths=firing_strengths)
    consequent_parameters = ce.suglms()

    model_builder = SugenoFISBuilder(
        antecedent_parameters,
        consequent_parameters,
        variable_names,
        model_order="first",
        extreme_values=None,
        save_simpful_code=True,
    )
    return model_builder.get_model()


final_model = train_final_model(mf_shape='gauss2', variable_names=variable_names, nr_clus=9)

I get the following traceback:

Traceback (most recent call last):
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/IPython/core/interactiveshell.py", line 3437, in run_code
    exec(code_obj, self.user_global_ns, self.user_ns)
  File "<ipython-input-67-e4ce025dc7cc>", line 30, in <module>
    final_model = train_final_model(mf_shape='gauss2', variable_names=variable_names, nr_clus=2)
  File "<ipython-input-67-e4ce025dc7cc>", line 8, in train_final_model
    _, partition_matrix, _ = cl.cluster(method='gk')  # 'fst-pso' or 'fcm' or 'gk'
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/pyfume/Clustering.py", line 85, in cluster
    centers, partition_matrix, jm =self._gk(m=self.m, max_iter=max_iter)
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/pyfume/Clustering.py", line 352, in _gk
AttributeError: 'Clusterer' object has no attribute 'error'

Such a traceback does not occur if the cluster method is set to 'fcm' or 'fst-pso'. Would it be possible to fix this?

Kind regards,
Thomas

possible bug in AntecedentEstimator.determineMF()

Dear Caro,

When I am trying to run the following code

def train_final_model(mf_shape, variable_names, nr_clus):
    all_variable_names = variable_names + ['Price']
    # load data based on selected features
    dl = DataLoader(dataframe=house_data[all_variable_names], normalize='minmax', verbose=False)

    # use all available data from now on to train the model
    cl = Clusterer(nr_clus=nr_clus, x_train=dl.dataX, y_train=dl.dataY, verbose=False)
    _, partition_matrix, _ = cl.cluster(method="fcm")  # 'fst-pso' or 'fcm' or 'gk'

    ae = AntecedentEstimator(dl.dataX, partition_matrix)
    antecedent_parameters = ae.determineMF(mf_shape=mf_shape)

    fsc = FireStrengthCalculator(antecedent_parameters, nr_clus=nr_clus, variable_names=variable_names)
    firing_strengths = fsc.calculate_fire_strength(dl.dataX)

    ce = ConsequentEstimator(dl.dataX, dl.dataY, firing_strengths=firing_strengths)
    consequent_parameters = ce.suglms()

    model_builder = SugenoFISBuilder(
        antecedent_parameters,
        consequent_parameters,
        variable_names,
        model_order="first",
        extreme_values=None,
        save_simpful_code=True,
    )
    return model_builder.get_model()


final_model = train_final_model(mf_shape='sigmf', variable_names=variable_names, nr_clus=9)

I get the following traceback

Traceback (most recent call last):
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/IPython/core/interactiveshell.py", line 3437, in run_code
    exec(code_obj, self.user_global_ns, self.user_ns)
  File "<ipython-input-63-8da454315515>", line 30, in <module>
    final_model = train_final_model(mf_shape='sigmf', variable_names=variable_names, nr_clus=9)
  File "<ipython-input-63-8da454315515>", line 11, in train_final_model
    antecedent_parameters = ae.determineMF(mf_shape=mf_shape)
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/pyfume/EstimateAntecendentSet.py", line 57, in determineMF
    prm = self._fitMF(x=xx, mf=mf, mf_shape=mf_shape)
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/pyfume/EstimateAntecendentSet.py", line 284, in _fitMF
    param, _ = curve_fit(self._sigmf, x, mf, p0 = [c, s])
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/scipy/optimize/minpack.py", line 789, in curve_fit
    raise RuntimeError("Optimal parameters not found: " + errmsg)
RuntimeError: Optimal parameters not found: Number of calls to function has reached maxfev = 600.

This does not happen if "mf_shape='gauss'". When changing the mf_shape to 'gauss2', I get the following traceback:

Traceback (most recent call last):
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/IPython/core/interactiveshell.py", line 3437, in run_code
    exec(code_obj, self.user_global_ns, self.user_ns)
  File "<ipython-input-64-86c2a6b4eb2d>", line 30, in <module>
    final_model = train_final_model(mf_shape='gauss2', variable_names=variable_names, nr_clus=9)
  File "<ipython-input-64-86c2a6b4eb2d>", line 11, in train_final_model
    antecedent_parameters = ae.determineMF(mf_shape=mf_shape)
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/pyfume/EstimateAntecendentSet.py", line 57, in determineMF
    prm = self._fitMF(x=xx, mf=mf, mf_shape=mf_shape)
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/pyfume/EstimateAntecendentSet.py", line 273, in _fitMF
    param, _ = curve_fit(self._gauss2mf, x, mf, p0 = [mu1, sig1, mu2, sig2], bounds=((-np.inf, 0), (np.inf, np.inf)), maxfev=1000)
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/scipy/optimize/minpack.py", line 795, in curve_fit
    res = least_squares(func, p0, jac=jac, bounds=bounds, method=method,
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/scipy/optimize/_lsq/least_squares.py", line 798, in least_squares
    raise ValueError("Inconsistent shapes between bounds and `x0`.")
ValueError: Inconsistent shapes between bounds and `x0`.

For me it looks like unexpected behavior, but I might be missing something?

Kind regards,
Thomas

TypeError: unsupported operand type(s) for *: '_UnpackAlias' and 'float'

I get the following code error as soon as i run any of the example code provided by the author on the website. I am using the Concrete_Data.csv file as mentioned in the instructions on the pyFUME webpage. I have also updated the typing-extensions to the latest version. However the following error persists. There seems to be some issue with the data format of variable 'x'. Can you please help me in this! Thank you

  • Detected 0 categorical variables.
  • Trying to simplify variable 0
  • Variable 0, cluster 1 is too similar to universal set (threshold: 0.80): marked for removal
  • Trying to simplify variable 1
  • Variable 1, cluster 1 is too similar to universal set (threshold: 0.80): marked for removal
  • Trying to simplify variable 2
  • Variable 2, cluster 2 is too similar to universal set (threshold: 0.80): marked for removal
  • Trying to simplify variable 3
  • Variable 3, cluster 1 is too similar to universal set (threshold: 0.80): marked for removal
  • Variable 3, cluster 2 is too similar to universal set (threshold: 0.80): marked for removal
  • Trying to simplify variable 4
  • Variable 4, cluster 1 is too similar to universal set (threshold: 0.80): marked for removal
  • Trying to simplify variable 5
  • Variable 5, cluster 1 is too similar to universal set (threshold: 0.80): marked for removal
  • Variable 5, cluster 2 is too similar to universal set (threshold: 0.80): marked for removal
  • Trying to simplify variable 6
  • Variable 6, cluster 1 is too similar to universal set (threshold: 0.80): marked for removal
  • Variable 6, cluster 2 is too similar to universal set (threshold: 0.80): marked for removal
  • Trying to simplify variable 7
  • Variable 7, cluster 1 is too similar to universal set (threshold: 0.80): marked for removal
  • 0 antecedent clauses will be simplified using a threshold 1.00
  • GRABS remapping info: {}
  • Setnes simplification dictionary variable ==> list of clusters/fuzzy sets to be removed: defaultdict(<class 'list'>, {0: [0], 1: [0], 2: [1], 3: [0, 1], 4: [0], 5: [0, 1], 6: [0, 1], 7: [0]})
    Traceback (most recent call last):
    File "/home/a4b/Desktop/Yawar/guguma/fuzzy_net/fuzz_rule.py", line 9, in
    FIS = pyFUME(dataframe=df, nr_clus=2)
    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
    File "/home/a4b/anaconda3/envs/nett/lib/python3.11/site-packages/pyfume/pyfume.py", line 61, in init
    self.FIS = BuildTSFIS(dataframe=dataframe, nr_clus=self.nr_clus, variable_names=variable_names, process_categorical=process_categorical, merge_threshold=merge_threshold, setnes_threshold=setnes_threshold, **kwargs)
    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
    File "/home/a4b/anaconda3/envs/nett/lib/python3.11/site-packages/pyfume/BuildTakagiSugeno.py", line 191, in init
    self.consequent_parameters = ce.suglms()
    ^^^^^^^^^^^
    File "/home/a4b/anaconda3/envs/nett/lib/python3.11/site-packages/pyfume/EstimateConsequentParameters.py", line 143, in suglms
    xw = x * np.sqrt(w[:, np.newaxis])
    ~~^~~~~~~~~~~~~~~~~~~~~~~~~~~
    TypeError: unsupported operand type(s) for *: '_UnpackAlias' and 'float'

fs.wrapper() custom pipeline errors

Dear Caro,

I am running into some errors when I try to run the wrapper to a custom pipeline.

This is the code I am trying to run:

path_data = './Previous_house_sales.csv'
house_data = pd.read_csv(path_data)  # create a dataframe of the data
var_names = list(house_data.columns)[0:11]  # don't get the name of the target variable 

# load the dataframe in the data loader class
dl = DataLoader(dataframe=house_data, normalize='minmax', verbose=True)
fs_wrap = FeatureSelector(dl.dataX, dl.dataY, nr_clus=2, variable_names=var_names)
x, y, z = fs_wrap.wrapper()

And this is the error I receive

Traceback (most recent call last):
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/IPython/core/interactiveshell.py", line 3437, in run_code
    exec(code_obj, self.user_global_ns, self.user_ns)
  File "<ipython-input-13-bfa0dae3a1ad>", line 5, in <module>
    x, y, z = fs_wrap.wrapper()
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/pyfume/FeatureSelection.py", line 92, in wrapper
    selected_feature_names = self.variable_names[selected_features]
TypeError: list indices must be integers or slices, not list

Running the following line
Fuzzy_model = pyFUME(dataframe=house_data, feature_selection='wrapper')
raises this traceback

Traceback (most recent call last):
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/IPython/core/interactiveshell.py", line 3437, in run_code
    exec(code_obj, self.user_global_ns, self.user_ns)
  File "<ipython-input-7-c68fdf95e062>", line 3, in <module>
    Fuzzy_model = pyFUME(dataframe=house_data, feature_selection='wrapper')
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/pyfume/pyfume.py", line 51, in __init__
    self.FIS = BuildTSFIS(dataframe=dataframe, nr_clus=self.nr_clus, variable_names=variable_names, process_categorical=process_categorical, merge_threshold=merge_threshold, **kwargs)
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/pyfume/BuildTakagiSugeno.py", line 125, in __init__
    self.selected_feature_indices, self.variable_names=fs.wrapper()
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/pyfume/FeatureSelection.py", line 92, in wrapper
    selected_feature_names = self.variable_names[selected_features]
TypeError: list indices must be integers or slices, not list

but the following does not give any error, hence it looked like it is a problem with the dataframe.

Fuzzy_model = pyFUME(datapath=path_data, feature_selection='wrapper')

Then I tried the following hoping this would solve the error,

dl = DataLoader(**datapath=path_data**, normalize='minmax', verbose=True)
fs_wrap = FeatureSelector(dl.dataX, dl.dataY, nr_clus=2, variable_names=var_names)
x, y, z = fs_wrap.wrapper()

but this also resulted in about the same error, seeming like it has nothing to do with the dataframe after all.

Traceback (most recent call last):
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/IPython/core/interactiveshell.py", line 3437, in run_code
    exec(code_obj, self.user_global_ns, self.user_ns)
  File "<ipython-input-9-f56a1d73a17c>", line 5, in <module>
    x, y, z = fs_wrap.wrapper()
  File "/home/thomas/Documents/1BM120_computational_intelligence/py39env/lib/python3.9/site-packages/pyfume/FeatureSelection.py", line 92, in wrapper
    selected_feature_names = self.variable_names[selected_features]
TypeError: list indices must be integers or slices, not list

I hope we can figure this out :)

Kind regards,
Thomas

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.