Python based framework for Automatic AI for Regression and Classification over numerical data.

Overview

PyPI version Downloads Python License

Contributors Commit Activity Last Commit Slack

GitHub Stars Twitter

BlobCity AutoAI

A framework to find the best performing AI/ML model for any AI problem. Works for Classification and Regression type of problems on numerical data. AutoAI makes AI easy and accessible to everyone. It not only trains the best-performing model but also exports high-quality code for using the trained model.

The framework is currently in beta release, with active development being still in progress. Please report any issues you encounter.

Issues

Getting Started

pip install blobcity
import blobcity as bc
model = bc.train(file="data.csv", target="Y_column")
model.spill("my_code.py")

Y_column is the name of the target column. The column must be present within the data provided.

Automatic inference of Regression / Classification is supported by the framework.

Data input formats supported include:

  1. Local CSV / XLSX file
  2. URL to a CSV / XLSX file
  3. Pandas DataFrame
model = bc.train(file="data.csv", target="Y_column") #local file
model = bc.train(file="https://example.com/data.csv", target="Y_column") #url
model = bc.train(df=my_df, target="Y_column") #DataFrame

Pre-processing

The framework has built-in support for several data pre-processing techniques, such as imputing missing values, column encoding, and data scaling.

Pre-processing is carried out automatically on train data. The predict function carries out the same pre-processing on new data. The user is not required to be concerned with the pre-processing choices of the framework.

One can view the pre-processing methods used on the data by exporting the entire model configuration to a YAML file. Check the section below on "Exporting to YAML."

Feature Selection

model.features() #prints the features selected by the model
['Present_Price',
 'Vehicle_Age',
 'Fuel_Type_CNG',
 'Fuel_Type_Diesel',
 'Fuel_Type_Petrol',
 'Seller_Type_Dealer',
 'Seller_Type_Individual',
 'Transmission_Automatic',
 'Transmission_Manual']

AutoAI automatically performs a feature selection on input data. All features (except target) are potential candidates for the X input.

AutoAI will automatically remove ID / Primary-key columns.

This does not guarantee that all specified features will be used in the final model. The framework will perform an automated feature selection from amongst these features. This only guarantees that other features if present in the data will not be considered.

AutoAI ignores features that have a low importance to the effective output. The feature importance plot can be viewed.

model.plot_feature_importance() #shows a feature importance graph

Feature Importance Plot

There might be scenarios where you want to explicitely exclude some columns, or only use a subset of columns in the training. Manually specify the features to be used. AutoAI will still perform a feature selection within the list of features provided to improve effective model accuracy.

model = bc.train(file="data.csv", target="Y_value", features=["col1", "col2", "col3"])

Model Search, Train & Hyper-parameter Tuning

Model search, train and hyper-parameter tuning is fully automatic. It is a 3 step process that tests your data across various AI/ML models. It finds models with high success tendency, and performs a hyper-parameter tuning to find you the best possible result.

Regression Models Library

Classification Models Library

Code Generation

High-quality code generation is why most Data Scientists choose AutoAI. The spill function generates the model code with exhaustive documentation. scikit-learn models export with training code included. TensorFlow and other DNN models produce only the test / final use code.

AutoAI Generated Code Example

Code generation is supported in ipynb and py file formats, with options to enable or disable detailed documentation exports.

model.spill("my_code.ipynb"); #produces Jupyter Notebook file with full markdown docs
model.spill("my_code.py") #produces python code with minimal docs
model.spill("my_code.py", docs=True) #python code with full docs
model.spill("my_code.ipynb", docs=False) #Notebook file with minimal markdown

Predictions

Use a trained model to generate predictions on new data.

prediction = model.predict(file="unseen_data.csv")

All required features must be present in the unseen_data.csv file. Consider checking the results of the automatic feature selection to know the list of features needed by the predict function.

Stats & Accuracy

model.plot_prediction()

The function is shared across Regression and Classification problems. It plots a relevant chart to assess efficiency of training.

Actual v/s Predicted Plot (for Regression)

Actual v/s Predicted Plot

Plotting only first 100 rows. You can specify -100 to plot last 100 rows.

model.plot_prediction(100)

Actual v/s Predicted Plot first 100

Confusion Matrix (for Classification)

model.plot_prediction()

AutoAI Generated Code Example

Numercial Stats

model.stats()

Print the key model parameters, such as Precision, Recall, F1-Score. The parameters change based on the type of AutoAI problem.

Persistence

model.save('./my_model.pkl')
model = bc.load('./my_model.pkl')

You can save a trained model, and load it in the future to generate predictions.

Accelerated Training

Leverage BlobCity AI Cloud for fast training on large datasets. Reasonable cloud infrastructure included for free.

BlobCity AI Cloud CPU GPU

Features and Roadmap

  • Numercial data Classification and Regression
  • Automatic feature selection
  • Code generation
  • Neural Networks & Deep Learning
  • Image classification
  • Optical Character Recognition (english only)
  • Video tagging with YOLO
  • Generative AI using GAN
Comments
  • Added RadiusNeighborsClassifier

    Added RadiusNeighborsClassifier

    Issue Id you have worked upon -

    #48

    CHANGES MADE -

    Added RadiusNeighborsClassifier.

    Made changes to -

    "https://github.com/blobcity/autoai/blob/main/blobcity/config/classifier_config.py"

    NOTE -

    Please consider this PR as a submission towards Hacktoberfest 2021 and add the hacktoberfest-accepted label to it.

    hacktoberfest-accepted 
    opened by aadityasinha-dotcom 9
  • Confusion Matrix

    Confusion Matrix

    Add support to print a Confusion Matrix for Classification type of problems.

    Example Use

    model = bc.train("classification_data.csv", "target_column")
    model.confusionMatrix()
    

    The matrix should be displayed as a matplotlib chart.

    Error Conditions

    Calling the confusionMatrix() function for a Regression problem must throw an error stating Confusion matrix is available only for Classification problems

    files to refer:

    • https://github.com/blobcity/autoai/blob/main/blobcity/store/Model.py
    • https://github.com/blobcity/autoai/blob/main/blobcity/config/tuner.py
    enhancement Hacktoberfest 
    opened by sanketsarang 7
  • Add QuadraticDiscriminantAnalysis

    Add QuadraticDiscriminantAnalysis

    Add QuadraticDiscriminantAnalysis model into the library.

    API Reference for required parameters: https://scikit-learn.org/stable/modules/generated/sklearn.discriminant_analysis.QuadraticDiscriminantAnalysis.html

    Dependencies if any, must be appropriately added. Test run of the train function on a classification problem(ClassificationTest.py) must pass, and the function must attempt to train an QuadraticDiscriminantAnalysis as a potential best fit model.

    enhancement good first issue Hacktoberfest 
    opened by Thilakraj1998 6
  • Progress Bar

    Progress Bar

    Add a Python progress bar on the train function, to indicate to the user the current training progress.

    model=bc.train("datasetpath","target")
    

    File to refer : https://github.com/blobcity/autoai/blob/main/blobcity/main/driver.py

    Example progress bars in Python: https://www.geeksforgeeks.org/progress-bars-in-python/

    For accurate progress reporting, create an execution profile to estimate the total number of epochs/steps. Increment the process bar as each training epoch or step is completed.

    The progress bar should display correctly in both terminal / command prompt execution, as well as when executing within a Jupyter Notebook.

    enhancement help wanted Hacktoberfest 
    opened by Thilakraj1998 6
  • Pandas DataFrame Support

    Pandas DataFrame Support

    files to refer:

          https://github.com/blobcity/autoai/blob/main/blobcity/blobcity.py  
          https://github.com/blobcity/autoai/blob/main/blobcity/utils/FileType.py
    

    Currently, the main driver function train accepts file path as an argument to fetch dataset from user-specified location and identifies file type associated with the file.

    Enhancement: provide user a flexibility by providing support to accept pandas.Dataframe object has an argument to train function and must support other follow up functions inside driver function.

    enhancement good first issue Hacktoberfest 
    opened by Thilakraj1998 6
  • Added the parameters for the Nearest Centroid Classifier

    Added the parameters for the Nearest Centroid Classifier

    By this commit will fix the issue of #47 Added the parameters for the Nearest Centroid Classification Model and tested it on the Pima Indians Diabetes Dataset (from 3rd data set present in the website https://machinelearningmastery.com/standard-machine-learning-datasets/ )

    opened by Tanuj2552 4
  • Add RadiusNeighborsClassifier

    Add RadiusNeighborsClassifier

    Add RadiusNeighborsClassifier model into the library.

    Primary File to Change: https://github.com/blobcity/autoai/blob/main/blobcity/config/classifier_config.py

    Reference RadiusNeighborsClassifier Implementation: https://github.com/blobcity/ai-seed/blob/main/Classification/Radius%20Neighbors/RadiusNeighborsClassifier.ipynb

    Dependencies if any, must be appropriately added. Test run of the train function on a classification problem must pass, and the function must attempt to train a RadiusNeighborsClassifier as a potential best fit model.

    enhancement good first issue Hacktoberfest 
    opened by sanketsarang 4
  • Add NearestCentroid Classifier

    Add NearestCentroid Classifier

    Add NearestCentroid Classifier model into the library.

    Primary File to Change: https://github.com/blobcity/autoai/blob/main/blobcity/config/classifier_config.py

    Reference NearestCentroid Classifier Implementation: https://github.com/blobcity/ai-seed/blob/main/Classification/Nearest%20Centroid/NearestCentroidClassifier.ipynb

    Dependencies if any, must be appropriately added. Test run of the train function on a classification problem must pass, and the function must attempt to train a NearestCentroid Classifier as a potential best fit model.

    enhancement good first issue Hacktoberfest 
    opened by sanketsarang 4
  • Reset DictClass.py Class Variable

    Reset DictClass.py Class Variable

    file to refer: https://github.com/blobcity/autoai/blob/main/blobcity/store/DictClass.py Reset or Clear data initialized/allotted to Class variables in DictClass.py on each call to driver function train

    bug good first issue Hacktoberfest 
    opened by Thilakraj1998 4
  • Added function to print Confusion Matrix

    Added function to print Confusion Matrix

    Issue Id you have worked upon -

    #108

    CHANGES MADE -

    Added Function to print Confusion Matrix.

    Made changes to -

    https://github.com/blobcity/autoai/blob/main/blobcity/store/Model.py

    NOTE -

    Please consider this PR as a submission towards Hacktoberfest 2021 and add the hacktoberfest-accepted label to it.

    opened by aadityasinha-dotcom 3
  • Added Gamma Regressor

    Added Gamma Regressor

    Issue Id you have worked upon -

    #68

    CHANGES MADE -

    Added GammaRegressor.

    Made changes to -

    https://github.com/blobcity/autoai/blob/main/blobcity/config/regressor_config.py

    NOTE -

    Please consider this PR as a submission towards Hacktoberfest 2021 and add the hacktoberfest-accepted label to it.

    hacktoberfest-accepted 
    opened by aadityasinha-dotcom 3
  •  AttributeError: module 'blobcity.main.modelSelection' has no attribute 'getKFold'

    AttributeError: module 'blobcity.main.modelSelection' has no attribute 'getKFold'

    I have really simple code model = bc.train(df=df, target='score', features=['brand', 'category', 'source']) Fails with following error

    [/usr/local/lib/python3.7/dist-packages/blobcity/main/driver.py](https://localhost:8080/#) in train(file, df, target, features, model_types, accuracy_criteria, disable_colinearity, epochs, max_neural_search)
         76 
         77     accuracy_criteria= accuracy_criteria if accuracy_criteria<=1.0 else (accuracy_criteria/100)
    ---> 78     modelClass = model_search(dataframe=CleanedDF,target=target,DictClass=dict_class,disable_colinearity=disable_colinearity,model_types=model_types,accuracy_criteria=accuracy_criteria,epochs=epochs,max_neural_search=max_neural_search)
         79     modelClass.yamldata=dict_class.getdict()
         80     modelClass.feature_importance_=dict_class.feature_importance if(features==None) else calculate_feature_importance(CleanedDF.drop(target,axis=1),CleanedDF[target],dict_class)
    
    [/usr/local/lib/python3.7/dist-packages/blobcity/main/modelSelection.py](https://localhost:8080/#) in model_search(dataframe, target, DictClass, disable_colinearity, model_types, accuracy_criteria, epochs, max_neural_search)
        289 
        290     elif model_types=='all':
    --> 291         modelResult=classic_model(ptype,dataframe,target,X,Y,DictClass,modelsList,accuracy_criteria,4)
        292         if modelResult[2]<accuracy_criteria:
        293             gpu_num=tf.config.list_physical_devices('GPU')
    
    [/usr/local/lib/python3.7/dist-packages/blobcity/main/modelSelection.py](https://localhost:8080/#) in classic_model(ptype, dataframe, target, X, Y, DictClass, modelsList, accuracy_criteria, stages)
        206         print("Quick Search(Stage 1 of {}) is skipped".format(stages))
        207         best=train_on_full_data(X,Y,modelsList,modelsList,DictClass,stages)
    --> 208     modelResult = Tuner.tune_model(dataframe,target,best,modelsList,ptype,accuracy_criteria,DictClass,stages)
        209     return modelResult
        210 
    
    [/usr/local/lib/python3.7/dist-packages/blobcity/config/tuner.py](https://localhost:8080/#) in tune_model(dataframe, target, modelkey, modelList, ptype, accuracy, DictionaryClass, stages)
        203     prog=Progress()
        204     X,Y=dataframe.drop(target,axis=1),dataframe[target]
    --> 205     cv=modelSelection.getKFold(X)
        206     get_param_list(modelkey,modelList)
        207     EarlyStopper.criterion=accuracy
    
    AttributeError: module 'blobcity.main.modelSelection' has no attribute 'getKFold'
    

    I use Google Colab, python3.7.13, latest version of all libs installed with :

    !pip install git+https://github.com/keras-team/keras-tuner.git
    !pip install autokeras
    !pip install blobcity
    

    My df consists of 3 categorical features (source, brand, category) used to predict float score

    opened by NicolasMICAUX 2
  • cannot unpack non-iterable NoneType object

    cannot unpack non-iterable NoneType object

    Getting the following error when running AutoAI on the Heart Failure Prediction dataset.

    No trials are completed yet.
    ---------------------------------------------------------------------------
    TypeError                                 Traceback (most recent call last)
    /tmp/ipykernel_549/4056359983.py in <module>
    ----> 1 model = bc.train(file='./heart.csv', target='HeartDisease')
    
    /opt/conda/lib/python3.9/site-packages/blobcity/main/driver.py in train(file, df, target, features, use_neural, accuracy_criteria)
         61     else:
         62         CleanedDF=dataCleaner(dataframe,features,target,dict_class)
    ---> 63     #model search space
         64     accuracy_criteria= accuracy_criteria if accuracy_criteria<=1.0 else (accuracy_criteria/100)
         65     modelClass = model_search(CleanedDF,target,dict_class,disable_colinearity,use_neural=use_neural,accuracy_criteria=accuracy_criteria)
    
    /opt/conda/lib/python3.9/site-packages/blobcity/main/modelSelection.py in model_search(dataframe, target, DictClass, use_neural, accuracy_criteria)
        235                 DictClass.UpdateNestedKeyValue('model','classification_type',cls_type)
        236                 DictClass.UpdateNestedKeyValue('model','save_type',"h5")
    --> 237             if ptype=='Regression':
        238                 DictClass.UpdateNestedKeyValue('model','save_type',"pb")
        239             class_name="Neural Network"
    
    TypeError: cannot unpack non-iterable NoneType object
    
    bug 
    opened by sanketsarang 0
  • Unresponsive on

    Unresponsive on "Quick Search" stage with simple dataset

    Hey there, I have a dataset I have stripped down to be pretty bare trying to get this library working

    df.dtypes
    TXNS               int64
    VOLUME           float64
    ANNUAL_VOLUME    float64
    

    The dataframe has 350,000 rows, I figured maybe the size was causing it to be slow but it's been sitting like this for about 15 minutes now, with "kernel busy" Screen Shot 2021-11-12 at 10 15 54 PM

    I'm sort of new to this tech so I'm not even sure how I would go about further debugging, any ideas?

    opened by garrettjoecox 5
  • Data Scaling and Transformation

    Data Scaling and Transformation

    Add following into a combinations strategy for model selection and training.

    • [x] data rescaling (StandardScaler/MinMaxScaler/RobustScaler)

    • [ ] data transformation/data interaction (PolynomialFeatures/PowerTransformer/QuantileTransformer)

    If any of the strategy utilized include following configuration in YAML file and CodeGeneration.

    enhancement 
    opened by Thilakraj1998 0
  • Imbalanced Target Handling

    Imbalanced Target Handling

    Add functionality to handle target balancing.

    Condition to apply handling will be: In case of Binary Classification:

    • If target 'B' has 50% less data compared to target 'A' apply RandomOverSampling Strategy.

    In case of Multiclass Classification:

    • If any of target has 30% less data compared to any of the majority target apply appropriate handling strategy to balance the data.

    Avoid UnderSampling Strategy

    enhancement help wanted Hacktoberfest 
    opened by Thilakraj1998 0
  • Support custom metrics specification for model training

    Support custom metrics specification for model training

    The framework currently optimises for greater accuracy. While accuracy is a widely used metric to assess the efficiency of training, it is not always desired. The framework should default to using accuracy as the training metric, but the user must be provided with a choice to use different optimisation.

    Add support for the following optimisations that a user may specify.

    • [ ] Accuracy (Currently supported. Default setting)
    • [ ] Precision
    • [ ] Recall
    • [ ] F1-Score
    • [ ] ROC Curve - Receiver Operating Characteristic Curve
    • [ ] AUC - Area Under the Curve
    • [ ] MSE - Mean Squared Error
    • [ ] MAE - Mean Absolute Error

    Keep in mind that some parameters should be maximised while others should be minimised. An appropriate optimisation direction should be chosen respectively.

    How can a user set the optimisation function

    bc.optimiseFor("accuracy")
    

    The input can be taken in text form and must be case insensitive. Alternate more elegant solutions for choosing the optimisation time are encouraged.

    Text labels to be used for each: accuracy, precision, recall, f1score, roc, auc, mse and mae

    enhancement Hacktoberfest 
    opened by sanketsarang 0
Releases(v0.0.6)
  • v0.0.6(Nov 17, 2021)

  • v0.0.5(Nov 13, 2021)

    • Improved progress bar now shows the three steps of training
    • Significant performance improvements on train() function
    • Increased usage options for predict() function.
    Source code(tar.gz)
    Source code(zip)
  • v0.0.2(Oct 18, 2021)

    Key Changes

    Includes important bug fixes. Wider model catalogue added. Code generation introduced for both py and ipynb files.

    What's Changed

    • Update Scaling and Feature Transformation list by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/1
    • Auto Data Clean,Feature Selection & YAML Generator by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/2
    • fixed issue in identifying problem type by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/4
    • Auto Model Selection and Trained model Class by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/6
    • Added setup,pyproject and contributing.md update by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/7
    • setup config update by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/11
    • minor fixes by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/15
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/16
    • minor value change by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/17
    • Removed access to other functions by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/19
    • Added Cv Score log output by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/22
    • Added Metric Statsics by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/23
    • Pandas DataFrame support to train function by @balamurugan1603 in https://github.com/blobcity/autoai/pull/27
    • solves issue #20 by @sreyan-ghosh in https://github.com/blobcity/autoai/pull/26
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/29
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/30
    • changed parameter from file_path to file by @sanketsarang in https://github.com/blobcity/autoai/pull/36
    • Added XGBClassifier by @balamurugan1603 in https://github.com/blobcity/autoai/pull/50
    • Loading CSV from URL by @balamurugan1603 in https://github.com/blobcity/autoai/pull/35
    • XGBClassifier Parameter Config fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/56
    • BernoulliNB classifier config hyperparams updated by @melan96 in https://github.com/blobcity/autoai/pull/55
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/75
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/76
    • Minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/79
    • Added example Regression & Classification Tests by @sanketsarang in https://github.com/blobcity/autoai/pull/80
    • Load Functionality Change by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/81
    • Moved test files to base folder by @sanketsarang in https://github.com/blobcity/autoai/pull/84
    • adaboost-clf added. hyperparams adjusted. by @melan96 in https://github.com/blobcity/autoai/pull/77
    • regressor-poissonregressor added to source by @melan96 in https://github.com/blobcity/autoai/pull/83
    • Added HistGradientBoostingClassifier to Classifier Config by @Devolta05 in https://github.com/blobcity/autoai/pull/85
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/87
    • regressor sgd fixes added on lossfunction by @melan96 in https://github.com/blobcity/autoai/pull/86
    • Added the parameters for the Nearest Centroid by @Tanuj2552 in https://github.com/blobcity/autoai/pull/88
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/90
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/92
    • Added SGDClassifier to classifier_config.py by @Devolta05 in https://github.com/blobcity/autoai/pull/91
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/93
    • Enhanced Docs by @sanketsarang in https://github.com/blobcity/autoai/pull/94
    • Added AdaBoostRegressor by @26tanishabanik in https://github.com/blobcity/autoai/pull/89
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/96
    • Configuration Minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/97
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/101
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/102
    • Major Enhancement by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/105
    • Added the parameters for Lasso Regressor by @Tanuj2552 in https://github.com/blobcity/autoai/pull/98
    • Added RadiusNeighborsClassifier by @aadityasinha-dotcom in https://github.com/blobcity/autoai/pull/51
    • Modified the parameters for Lasso Regressor by @Tanuj2552 in https://github.com/blobcity/autoai/pull/100
    • Added Lars model to regressor_config.py by @SaharshLaud in https://github.com/blobcity/autoai/pull/106
    • Minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/113
    • Added Categorical Naive Bayes to classifier_config,py by @Devolta05 in https://github.com/blobcity/autoai/pull/99
    • Minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/117
    • Minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/118
    • Added LassoLars by @naresh1205 in https://github.com/blobcity/autoai/pull/114
    • Added Bayesian Ridge Config by @Bhumika0201 in https://github.com/blobcity/autoai/pull/119
    • Minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/120
    • Minor bug fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/124
    • Added configuration for ElasticNet by @Bhumika0201 in https://github.com/blobcity/autoai/pull/121
    • config added for MultinomialNB by @Bhumika0201 in https://github.com/blobcity/autoai/pull/126
    • replaced unique( ) function of target_length by @Cipher-unhsiV in https://github.com/blobcity/autoai/pull/104
    • Add XGBoost Regressor by @vedantbahel in https://github.com/blobcity/autoai/pull/125
    • Added ARDRegressor model to regressor_config.py by @SaharshLaud in https://github.com/blobcity/autoai/pull/127
    • CodeGen - Support for ipynb files by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/128
    • Added catboost regressor to regressor configuration by @Devolta05 in https://github.com/blobcity/autoai/pull/110
    • Minor fix CatboostRegressor configuration by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/130
    • Added Gamma Regressor by @aadityasinha-dotcom in https://github.com/blobcity/autoai/pull/129
    • Minor addition by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/131
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/132
    • Added PassiveAggressiveRegressor by @aadityasinha-dotcom in https://github.com/blobcity/autoai/pull/135
    • Added RadiusNeighborRegressor by @aadityasinha-dotcom in https://github.com/blobcity/autoai/pull/134
    • Added LightGBM model to regressor_config.py by @SaharshLaud in https://github.com/blobcity/autoai/pull/133
    • Minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/138
    • Added Perceptron classifier to classifier_config.py by @SaharshLaud in https://github.com/blobcity/autoai/pull/142
    • minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/143
    • Hacktoberfest Issue-137 Drop rows with more than 50% NANs by @TamannaBhasin27 in https://github.com/blobcity/autoai/pull/144
    • Minor Enhancement by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/145
    • Minor fix by @Thilakraj1998 in https://github.com/blobcity/autoai/pull/146

    New Contributors

    • @Thilakraj1998 made their first contribution in https://github.com/blobcity/autoai/pull/1
    • @balamurugan1603 made their first contribution in https://github.com/blobcity/autoai/pull/27
    • @sreyan-ghosh made their first contribution in https://github.com/blobcity/autoai/pull/26
    • @sanketsarang made their first contribution in https://github.com/blobcity/autoai/pull/36
    • @melan96 made their first contribution in https://github.com/blobcity/autoai/pull/55
    • @Devolta05 made their first contribution in https://github.com/blobcity/autoai/pull/85
    • @Tanuj2552 made their first contribution in https://github.com/blobcity/autoai/pull/88
    • @26tanishabanik made their first contribution in https://github.com/blobcity/autoai/pull/89
    • @aadityasinha-dotcom made their first contribution in https://github.com/blobcity/autoai/pull/51
    • @SaharshLaud made their first contribution in https://github.com/blobcity/autoai/pull/106
    • @naresh1205 made their first contribution in https://github.com/blobcity/autoai/pull/114
    • @Bhumika0201 made their first contribution in https://github.com/blobcity/autoai/pull/119
    • @Cipher-unhsiV made their first contribution in https://github.com/blobcity/autoai/pull/104
    • @vedantbahel made their first contribution in https://github.com/blobcity/autoai/pull/125
    • @TamannaBhasin27 made their first contribution in https://github.com/blobcity/autoai/pull/144

    Full Changelog: https://github.com/blobcity/autoai/commits/v0.0.2

    Source code(tar.gz)
    Source code(zip)
Owner
BlobCity, Inc
AI for Everyone
BlobCity, Inc
Title: Graduate-Admissions-Predictor

The purpose of this project is create a predictive model capable of identifying the probability of a person securing an admit based on their personal profile parameters. Simplified visualisations hav

Akarsh Singh 1 Jan 26, 2022
Code & Models for 3DETR - an End-to-end transformer model for 3D object detection

3DETR: An End-to-End Transformer Model for 3D Object Detection PyTorch implementation and models for 3DETR. 3DETR (3D DEtection TRansformer) is a simp

Facebook Research 487 Dec 31, 2022
A Benchmark For Measuring Systematic Generalization of Multi-Hierarchical Reasoning

Orchard Dataset This repository contains the code used for generating the Orchard Dataset, as seen in the Multi-Hierarchical Reasoning in Sequences: S

Bill Pung 1 Jun 05, 2022
Rename Images with Auto Generated Neural Image Captions

Recaption Images with Generated Neural Image Caption Example Usage: Commandline: Recaption all images from folder /home/feng/Downloads/images to folde

feng wang 3 May 01, 2022
An evaluation toolkit for voice conversion models.

Voice-conversion-evaluation An evaluation toolkit for voice conversion models. Sample test pair Generate the metadata for evaluating models. The direc

30 Aug 29, 2022
Code release for Hu et al. Segmentation from Natural Language Expressions. in ECCV, 2016

Segmentation from Natural Language Expressions This repository contains the code for the following paper: R. Hu, M. Rohrbach, T. Darrell, Segmentation

Ronghang Hu 88 May 24, 2022
CVNets: A library for training computer vision networks

CVNets: A library for training computer vision networks This repository contains the source code for training computer vision models. Specifically, it

Apple 1.1k Jan 03, 2023
A working implementation of the Categorical DQN (Distributional RL).

Categorical DQN. Implementation of the Categorical DQN as described in A distributional Perspective on Reinforcement Learning. Thanks to @tudor-berari

Florin Gogianu 98 Sep 20, 2022
Classifying audio using Wavelet transform and deep learning

Audio Classification using Wavelet Transform and Deep Learning A step-by-step tutorial to classify audio signals using continuous wavelet transform (C

Aditya Dutt 17 Nov 29, 2022
Created as part of CS50 AI's coursework. This AI makes use of knowledge entailment to calculate the best probabilities to win Minesweeper.

Minesweeper-AI Created as part of CS50 AI's coursework. This AI makes use of knowledge entailment to calculate the best probabilities to win Minesweep

Beckham 0 Jul 20, 2022
Build Graph Nets in Tensorflow

Graph Nets library Graph Nets is DeepMind's library for building graph networks in Tensorflow and Sonnet. Contact DeepMind 5.2k Jan 05, 2023

This repository contains project created during the Data Challenge module at London School of Hygiene & Tropical Medicine

LSHTM_RCS This repository contains project created during the Data Challenge module at London School of Hygiene & Tropical Medicine (LSHTM) in collabo

Lukas Kopecky 3 Jan 30, 2022
DeepSpeed is a deep learning optimization library that makes distributed training easy, efficient, and effective.

DeepSpeed is a deep learning optimization library that makes distributed training easy, efficient, and effective.

Microsoft 8.4k Jan 01, 2023
Re-implementation of 'Grokking: Generalization beyond overfitting on small algorithmic datasets'

Re-implementation of the paper 'Grokking: Generalization beyond overfitting on small algorithmic datasets' Paper Original paper can be found here Data

Tom Lieberum 38 Aug 09, 2022
X-VLM: Multi-Grained Vision Language Pre-Training

X-VLM: learning multi-grained vision language alignments Multi-Grained Vision Language Pre-Training: Aligning Texts with Visual Concepts. Yan Zeng, Xi

Yan Zeng 286 Dec 23, 2022
Recursive Bayesian Networks

Recursive Bayesian Networks This repository contains the code to reproduce the results from the NeurIPS 2021 paper Lieck R, Rohrmeier M (2021) Recursi

Robert Lieck 11 Oct 18, 2022
PyTorch code for our ECCV 2020 paper "Single Image Super-Resolution via a Holistic Attention Network"

HAN PyTorch code for our ECCV 2020 paper "Single Image Super-Resolution via a Holistic Attention Network" This repository is for HAN introduced in the

五维空间 140 Nov 23, 2022
MoCoPnet - Deformable 3D Convolution for Video Super-Resolution

MoCoPnet: Exploring Local Motion and Contrast Priors for Infrared Small Target Super-Resolution Pytorch implementation of local motion and contrast pr

Xinyi Ying 28 Dec 15, 2022
Tensorflow AffordanceNet and AffContext implementations

AffordanceNet and AffContext This is tensorflow AffordanceNet and AffContext implementations. Both are implemented and tested with tensorflow 2.3. The

Beatriz Pérez 6 Dec 01, 2022
Uncertainty Estimation via Response Scaling for Pseudo-mask Noise Mitigation in Weakly-supervised Semantic Segmentation

Uncertainty Estimation via Response Scaling for Pseudo-mask Noise Mitigation in Weakly-supervised Semantic Segmentation Introduction This is a PyTorch

XMed-Lab 30 Sep 23, 2022