diff --git a/docs/_toc.yml b/docs/_toc.yml index 5089daf77f..26af17e45a 100644 --- a/docs/_toc.yml +++ b/docs/_toc.yml @@ -22,7 +22,7 @@ parts: chapters: - file: source/usecases/forecasting.rst title: Forecasting - - file: source/usecases/prediction.rst + - file: source/usecases/classification.rst title: Classification - file: source/usecases/sentiment-analysis.rst title: Sentiment Analysis diff --git a/docs/source/benchmarks/text_summarization.rst b/docs/source/benchmarks/text_summarization.rst index 119803f390..703a7c8c52 100644 --- a/docs/source/benchmarks/text_summarization.rst +++ b/docs/source/benchmarks/text_summarization.rst @@ -88,7 +88,7 @@ Setup SQLite Database Install MindsDB ~~~~~~~~~~~~~~~ -Follow the `MindsDB nstallation guide `_ to install it via ``pip``. +Follow the `MindsDB installation guide `_ to install it via ``pip``. .. note:: diff --git a/docs/source/dev-guide/release/release-steps.rst b/docs/source/dev-guide/release/release-steps.rst index f1d30b04fb..69dc395731 100644 --- a/docs/source/dev-guide/release/release-steps.rst +++ b/docs/source/dev-guide/release/release-steps.rst @@ -25,7 +25,7 @@ Simply point ``master`` head to the latest commit of ``staging``. Setup Credentials ~~~~~~~~~~~~~~~~~~ -Please check :ref:`setup_pypi_account` about how to setup PyPi account. +Please check :ref:`setup_pypi_account` about how to setup PyPI account. Setup Github token. You can obtain a personal token from Github. diff --git a/docs/source/overview/model-inference.rst b/docs/source/overview/model-inference.rst index 2db183343b..19912d23ed 100644 --- a/docs/source/overview/model-inference.rst +++ b/docs/source/overview/model-inference.rst @@ -12,11 +12,11 @@ In EvaDB, every model is a function. We can compose SQL queries using functions 1. Projection ------------- -The most common usecases are model inference in projections. For example, we can use the `MnistImageClassifier `_ to identify numbers from the `MINST `_ video. +The most common usecases are model inference in projections. For example, we can use the `MnistImageClassifier `_ to identify numbers from the `MNIST `_ video. .. code-block:: sql - SELECT MnistImageClassifier(data).label FROM minst_vid; + SELECT MnistImageClassifier(data).label FROM mnist_vid; 2. Selection ------------ @@ -96,4 +96,4 @@ We can also use the `SiftFeatureExtractor ` to check more ways of utlizing models in real-world use cases. + Go over our :ref:`Usecases` to check more ways of utilizing models in real-world use cases. diff --git a/docs/source/reference/ai/model-forecasting.rst b/docs/source/reference/ai/model-forecasting.rst index 8285ad76b6..610461223e 100644 --- a/docs/source/reference/ai/model-forecasting.rst +++ b/docs/source/reference/ai/model-forecasting.rst @@ -58,11 +58,11 @@ EvaDB's default forecast framework is `statsforecast `_ to learn details about these models. If LIBRARY is `neuralforecast`, we can select one of NHITS or NBEATS. The default is NBEATS. Check `NBEATS docs `_ for details. + - If LIBRARY is `statsforecast`, we can select one of ARIMA, ting, ETS, Theta. The default is ARIMA. Check `Automatic Forecasting `_ to learn details about these models. If LIBRARY is `neuralforecast`, we can select one of NHITS or NBEATS. The default is NBEATS. Check `NBEATS docs `_ for details. * - AUTO (str, default: 'T') - If set to 'T', it enables automatic hyperparameter optimization. Must be set to 'T' for `statsforecast` library. One may set this parameter to `false` if LIBRARY is `neuralforecast` for faster (but less reliable) results. * - Frequency (str, default: 'auto') - - A string indicating the frequency of the data. The common used ones are D, W, M, Y, which repestively represents day-, week-, month- and year- end frequency. The default value is M. Check `pandas available frequencies `_ for all available frequencies. If it is not provided, the frequency is attempted to be determined automatically. + - A string indicating the frequency of the data. The common used ones are D, W, M, Y, which respectively represents day-, week-, month- and year- end frequency. The default value is M. Check `pandas available frequencies `_ for all available frequencies. If it is not provided, the frequency is attempted to be determined automatically. Note: If columns other than the ones required as mentioned above are passed while creating the function, they will be treated as exogenous variables if LIBRARY is `neuralforecast`. Otherwise, they would be ignored. diff --git a/docs/source/reference/ai/model-train-sklearn.rst b/docs/source/reference/ai/model-train-sklearn.rst index 2428677366..951625fcfe 100644 --- a/docs/source/reference/ai/model-train-sklearn.rst +++ b/docs/source/reference/ai/model-train-sklearn.rst @@ -23,4 +23,4 @@ To use the `Sklearn framework `_, we need to i PREDICT 'rental_price'; In the above query, you are creating a new customized function by training a model from the ``HomeRentals`` table using the ``Sklearn`` framework. -The ``rental_price`` column will be the target column for predication, while the rest columns from the ``SELET`` query are the inputs. +The ``rental_price`` column will be the target column for predication, while the rest columns from the ``SELECT`` query are the inputs. diff --git a/docs/source/reference/evaql/create.rst b/docs/source/reference/evaql/create.rst index 1783977ef0..2968d6c872 100644 --- a/docs/source/reference/evaql/create.rst +++ b/docs/source/reference/evaql/create.rst @@ -68,7 +68,7 @@ The index can be created on either a column of a table directly or outputs from * [index_name] is the name the of constructed index. * [table_name] is the name of the table, on which the index is created. * [column_name] is the name of one of the column in the table. We currently only support creating index on single column of a table. -* [function_name] is an optional parameter that can be added if the index needs to be construsted on results of a funciton. +* [function_name] is an optional parameter that can be added if the index needs to be constructed on results of a function. Examples ~~~~~~~~ @@ -104,7 +104,7 @@ CREATE FUNCTION via Type .. code-block:: sql - CREATE [OR REPALCE] FUNCTION [IF NOT EXISTS] function_name + CREATE [OR REPLACE] FUNCTION [IF NOT EXISTS] function_name [ FROM ( select ) ] TYPE function_type [ parameter [ ...] ] diff --git a/docs/source/reference/vector_stores/pinecone.rst b/docs/source/reference/vector_stores/pinecone.rst index 0e0658178f..8bbb861ee5 100644 --- a/docs/source/reference/vector_stores/pinecone.rst +++ b/docs/source/reference/vector_stores/pinecone.rst @@ -2,7 +2,7 @@ Pinecone ========== Pinecone is a managed, cloud-native vector database with a simple API and no infrastructure hassles. -The connection to Pincone is based on the `pinecone-client `_ library. +The connection to Pinecone is based on the `pinecone-client `_ library. Dependency ---------- diff --git a/docs/source/usecases/classification.rst b/docs/source/usecases/classification.rst index be62120e0a..b0198f5d0d 100644 --- a/docs/source/usecases/classification.rst +++ b/docs/source/usecases/classification.rst @@ -70,7 +70,7 @@ We set the training time out to be ``3600`` seconds. .. note:: - The :ref:`ludwig` page lists all the configurable paramters for the model training framework. + The :ref:`ludwig` page lists all the configurable parameters for the model training framework. This query returns the trained model: diff --git a/docs/source/usecases/forecasting.rst b/docs/source/usecases/forecasting.rst index 3e6b84196d..30e9cc412a 100644 --- a/docs/source/usecases/forecasting.rst +++ b/docs/source/usecases/forecasting.rst @@ -84,7 +84,7 @@ This query returns the trained model: .. note:: - The :ref:`forecast` page lists all the configurable paramters for the forecasting model. + The :ref:`forecast` page lists all the configurable parameters for the forecasting model. In the ``home_sales`` dataset, we have two different types of properties -- houses and units, and price gap between them is large. To get better forecasts, we specify the ``propertytype`` column as the ``ID`` of the time series data. diff --git a/docs/source/usecases/image-search.rst b/docs/source/usecases/image-search.rst index b30ef1100b..177c2705d0 100644 --- a/docs/source/usecases/image-search.rst +++ b/docs/source/usecases/image-search.rst @@ -88,7 +88,7 @@ Similar Image Search Powered By Vector Index EvaQL supports the ``ORDER BY`` and ``LIMIT`` clauses to retrieve the ``top-k`` most similar images for a given image. -EvaDB contains a built-in ``Similarity(x, y)`` function that computets the Euclidean distance between ``x`` and ``y``. We will use this function to compare the feature vector of image being search (i.e., the given image) and the feature vectors of all the images in the dataset that is stored in the vector index. +EvaDB contains a built-in ``Similarity(x, y)`` function that computes the Euclidean distance between ``x`` and ``y``. We will use this function to compare the feature vector of image being search (i.e., the given image) and the feature vectors of all the images in the dataset that is stored in the vector index. EvaDB's query optimizer automatically picks the correct vector index to accelerate a given EvaQL query. It uses the vector index created in the prior step to accelerate the following image search query: diff --git a/evadb/binder/create_index_statement_binder.py b/evadb/binder/create_index_statement_binder.py index fb9de7ebe5..cf39832fde 100644 --- a/evadb/binder/create_index_statement_binder.py +++ b/evadb/binder/create_index_statement_binder.py @@ -95,7 +95,7 @@ def bind_create_index(binder: StatementBinder, node: CreateIndexStatement): len(output.array_dimensions) == 2 ), "Index input needs to be 2 dimensional." - # Vector type speciic check. + # Vector type specific check. if node.vector_store_type == VectorStoreType.FAISS: assert ( output.array_type == NdArrayType.FLOAT32 diff --git a/evadb/executor/create_executor.py b/evadb/executor/create_executor.py index 21c788f000..90b711feb0 100644 --- a/evadb/executor/create_executor.py +++ b/evadb/executor/create_executor.py @@ -34,7 +34,7 @@ def __init__(self, db: EvaDBDatabase, node: CreatePlan): super().__init__(db, node) def exec(self, *args, **kwargs): - # create a table in the ative database if set + # create a table in the active database if set is_native_table = self.node.table_info.database_name is not None check_if_exists = handle_if_not_exists( diff --git a/evadb/executor/create_function_executor.py b/evadb/executor/create_function_executor.py index 8f4b5ad274..0b4ddbf7c6 100644 --- a/evadb/executor/create_function_executor.py +++ b/evadb/executor/create_function_executor.py @@ -252,7 +252,7 @@ def handle_forecasting_function(self): frequency = arg_map["frequency"] if frequency is None: raise RuntimeError( - f"Can not infer the frequency for {self.node.name}. Please explictly set it." + f"Can not infer the frequency for {self.node.name}. Please explicitly set it." ) season_dict = { # https://pandas.pydata.org/docs/user_guide/timeseries.html#timeseries-offset-aliases @@ -393,7 +393,7 @@ def handle_forecasting_function(self): if int(x.split("horizon")[1].split(".pkl")[0]) >= horizon ] if len(existing_model_files) == 0: - print("Training, please wait...") + logger.info("Training, please wait...") if library == "neuralforecast": model.fit(df=data, val_size=horizon) else: @@ -471,9 +471,9 @@ def exec(self, *args, **kwargs): # We use DropObjectExecutor to avoid bookkeeping the code. The drop function should be moved to catalog. from evadb.executor.drop_object_executor import DropObjectExecutor - drop_exectuor = DropObjectExecutor(self.db, None) + drop_executor = DropObjectExecutor(self.db, None) try: - drop_exectuor._handle_drop_function(self.node.name, if_exists=False) + drop_executor._handle_drop_function(self.node.name, if_exists=False) except RuntimeError: pass else: diff --git a/evadb/executor/executor_utils.py b/evadb/executor/executor_utils.py index ddd9590033..88d74ce3bc 100644 --- a/evadb/executor/executor_utils.py +++ b/evadb/executor/executor_utils.py @@ -182,14 +182,14 @@ def handle_vector_store_params( def create_table_catalog_entry_for_native_table( table_info: TableInfo, column_list: List[ColumnDefinition] ): - column_catalog_entires = xform_column_definitions_to_catalog_entries(column_list) + column_catalog_entries = xform_column_definitions_to_catalog_entries(column_list) # Assemble table. table_catalog_entry = TableCatalogEntry( name=table_info.table_name, file_url=None, table_type=TableType.NATIVE_DATA, - columns=column_catalog_entires, + columns=column_catalog_entries, database_name=table_info.database_name, ) return table_catalog_entry diff --git a/evadb/executor/set_executor.py b/evadb/executor/set_executor.py index 4adfe6c059..c73deaf976 100644 --- a/evadb/executor/set_executor.py +++ b/evadb/executor/set_executor.py @@ -32,7 +32,7 @@ def exec(self, *args, **kwargs): https://www.postgresql.org/docs/7.0/sql-set.htm https://duckdb.org/docs/sql/configuration.html - This design change for configuation manager will be taken care of + This design change for configuration manager will be taken care of as a separate PR for the issue #1140, where all instances of config use will be replaced """ diff --git a/evadb/third_party/databases/mariadb/mariadb_handler.py b/evadb/third_party/databases/mariadb/mariadb_handler.py index 5e4c3552b5..9c3b1f1b77 100644 --- a/evadb/third_party/databases/mariadb/mariadb_handler.py +++ b/evadb/third_party/databases/mariadb/mariadb_handler.py @@ -26,7 +26,7 @@ class MariaDbHandler(DBHandler): """ Class for implementing the Maria DB handler as a backend store for - EvaDb. + EvaDB. """ def __init__(self, name: str, **kwargs): diff --git a/evadb/third_party/databases/types.py b/evadb/third_party/databases/types.py index 57db0d1c54..b245cb8105 100644 --- a/evadb/third_party/databases/types.py +++ b/evadb/third_party/databases/types.py @@ -89,7 +89,7 @@ def get_sqlalchmey_uri(self) -> str: def is_sqlalchmey_compatible(self) -> bool: """ - Return whether the data source is sqlaclemy compatible + Return whether the data source is sqlaclchemy compatible Returns: A True / False boolean value.. diff --git a/script/formatting/formatter.py b/script/formatting/formatter.py index 885d0fb0f4..433de9c48c 100755 --- a/script/formatting/formatter.py +++ b/script/formatting/formatter.py @@ -461,22 +461,22 @@ def check_file(file): # CODESPELL #LOG.info("Codespell") - subprocess.check_output("codespell 'evadb/*.py'", + subprocess.check_output(""" codespell "evadb/*.py" """, shell=True, universal_newlines=True) - subprocess.check_output("codespell 'evadb/*/*.py'", + subprocess.check_output(""" codespell "evadb/*/*.py" """, shell=True, universal_newlines=True) - subprocess.check_output("codespell 'docs/source/*/*.rst'", + subprocess.check_output(""" codespell "docs/source/*/*.rst" """, shell=True, universal_newlines=True) - subprocess.check_output("codespell 'docs/source/*.rst'", + subprocess.check_output(""" codespell "docs/source/*.rst" """, shell=True, universal_newlines=True) - subprocess.check_output("codespell '*.md'", + subprocess.check_output(""" codespell "*.md" """, shell=True, universal_newlines=True) - subprocess.check_output("codespell 'evadb/*.md'", + subprocess.check_output(""" codespell "evadb/*.md" """, shell=True, universal_newlines=True) diff --git a/script/formatting/spelling.txt b/script/formatting/spelling.txt index 1f3030a7f0..538895a822 100644 --- a/script/formatting/spelling.txt +++ b/script/formatting/spelling.txt @@ -1,21 +1,26 @@ -personal_ws-1.1 en 1563 +personal_ws-1.1 en 1775 ABCD ABCMeta ANYDIM ANYTYPE ANYdim APIs +ARIMA ASC ASLActionRecognition ASRHFModel AST AUDIORATE AVReader +AbstractClassifierFunction AbstractClassifierUDF AbstractExecutor AbstractExecutorTest AbstractExpression AbstractExpressionsTest +AbstractFunction +AbstractFunctionTest +AbstractHFFunction AbstractHFUdf AbstractJoin AbstractMediaStorageEngine @@ -24,11 +29,17 @@ AbstractReader AbstractScan AbstractStatement AbstractStorageEngine +AbstractTransformationFunction AbstractTransformationUDF AbstractUDF AbstractUDFTest AggregationExpression AggregationExpressionsTest +AirData +AirDataPanel +AirForecast +AirPanelForecast +AirPassengersPanel AliExpress Anirudh AnnotateTests @@ -49,19 +60,30 @@ AttributeError AudioHFModel AudioReader AudioStorageEngine +AutoARIMA +AutoCES +AutoETS AutoEnum +AutoML AutoModel +AutoNBEATS +AutoNHITS +AutoTheta AutoTokenizer Autocommit AvgPool BDD BGR +BH +BMS +BQ BaseException BaseModel BaseService BatchMemSizeTest BatchNorm BatchTest +Benchmarking BinderError BinderUtilsTest BooleanTable @@ -72,6 +94,8 @@ BottomUpRewrite BoundingBox BuildJoinExecutor ByteTracker +CHROMADB +CLOB CMDClientTest CPUs CRM @@ -92,8 +116,8 @@ CatalogManagerTests CatalogModelsTest ChatGPT ChatGPTTest -CHROMADB ChromaDB +ChromaDBVectorStore ColConstraintInfo Colab ColorSpace @@ -116,6 +140,7 @@ ConfigurationFileTests ConfigurationManager ConfigurationManager's ConfigurationManagerTests +ConstantExpressionsTest ConstantValueExpression Conv CostModel @@ -125,6 +150,11 @@ CreateDatabaseStatement CreateDatabaseTest CreateExecutor CreateFromSelectPlan +CreateFunctionExecutor +CreateFunctionExecutorTest +CreateFunctionPlan +CreateFunctionStatement +CreateIndex CreateIndexExecutor CreateIndexPlan CreateIndexStatement @@ -149,10 +179,12 @@ DBHandler DBHandlerResponse DBHandlerStatus DDL +DEFINATION DESC DETRACVideo DFS DailyMail +Dask DataFrame DataFrameColumn DataFrameColumns @@ -174,6 +206,7 @@ DeleteExecutorTest DeletePlan DeleteTableStatement DemoDB +DemoFunc DemoTable DemoUDF Deserialize @@ -197,13 +230,17 @@ DropTable DropUDFExecutor DropUDFExecutorTest DropUDFPlan +DuckDB DummyExecutor DummyFeatureExtractor +DummyLLM DummyMultiObjectDetector +DummyNoInputFunction DummyObjectDetector DummyObjectDetectorDecorators EDGAhab EIStakovskii +ETS EXPRESISON EmbedFilterIntoDerivedGet EmbedFilterIntoGet @@ -211,6 +248,7 @@ EmbedSampleIntoGet EmotionDetector EnumInt ErrorHandlingRayTests +Erythro EvaArgument EvaDB EvaDB's @@ -223,6 +261,7 @@ EvaDBImportTest EvaDBQuery EvaDBRelation EvaDBServerTest +EvaDBTrackerAbstractFunction EvaDBTrackerAbstractUDF EvaQL EvaServer @@ -244,6 +283,7 @@ ExpressionUtilsTest FAISS FFFFFF FLV +FUNCTIONs FaceDet FaceDetection FaceDetector @@ -267,16 +307,38 @@ FileFormatType FileNotFoundError Finetuning FlipTests +ForecastModel ForeignKey FrameInfo FrameInfoTest FullLoader +FunctionCacheCatalog +FunctionCacheCatalogEntry +FunctionCacheCatalogService +FunctionCatalog +FunctionCatalogEntry +FunctionCatalogService +FunctionCostCatalog +FunctionCostCatalogEntry +FunctionCostCatalogService +FunctionExecutorTest FunctionExpression FunctionExpressionCache FunctionExpressionTest +FunctionIO +FunctionIOCatalog +FunctionIOCatalogEntry +FunctionIOCatalogService +FunctionIODefinitionError +FunctionIODescriptorsTests +FunctionMetadataCatalog +FunctionMetadataCatalogEntry +FunctionMetadataCatalogService FunctionScan FunctionScanExecutor FunctionScanPlan +FunctionStats +FunctionType FuzzDistance FuzzyJoin FuzzyJoinTests @@ -287,6 +349,10 @@ GaussianBlur GaussianBlurTests GenericHuggingfaceModel GenericLudwigModel +GenericSklearnModel +GenericUtilsTests +GithubDataSourceTest +GithubHandler GroupBy GroupByExecutor GroupByPlan @@ -300,18 +366,27 @@ HFObjectDetector HFTextClassifier HFToxicityClassifier HFUnsupportedTask +HH HNSW HSV HashJoinBuildPlan HashJoinExecutor HashJoinPlan HashJoinProbePlan +Helvetica +HomeData +HomeForecast +HomeRentalForecast HomeRentals +HomeSale +HomeSaleForecast +HomeSalesForecast HorizontalFlip HuggingFace HuggingFaceModel HuggingFaceTest HuggingFaceTests +HuggingFae IDMap IGNORECASE IMAGENET @@ -346,10 +421,12 @@ Jalen JoinNode JoinType Jupyter +Kaggle KeyError KeyboardInterrupt LEQ LLM +LLMs LOGICALCREATEINDEX LOGICALCREATEUDF LOGICALDELETE @@ -380,6 +457,7 @@ LikeTest LimitExecutor LimitExecutorTest LimitPlan +LinearRegression LoadCSVExecutor LoadDataExecutor LoadDataPlan @@ -395,6 +473,9 @@ LogicalApplyAndMergeToPhysical LogicalApplyAndMergeToRayPhysical LogicalCreate LogicalCreateFromSelectToPhysical +LogicalCreateFunction +LogicalCreateFunctionFromSelectToPhysical +LogicalCreateFunctionToPhysical LogicalCreateIndex LogicalCreateIndexToVectorIndex LogicalCreateMaterializedView @@ -437,6 +518,7 @@ LogicalLoadToPhysical LogicalOrderBy LogicalOrderByToPhysical LogicalProject +LogicalProjectNoTableToPhysical LogicalProjectToPhysical LogicalProjectToRayPhysical LogicalQueryDerivedGet @@ -462,10 +544,13 @@ MVITActionRecognition MViT MacOS MagicMock +MariaDbHandler +MariaDbStorageEngineTest MaterializedViewTest MaxPool MemeImages MemoTest +MetaData MindsDB MiniLM MnistImageClassifier @@ -473,10 +558,12 @@ MnistVideo ModelTrainTests ModulePathTest MyCSV +MyFunc MyImage MyImages MyLargeScaleImages MyMeta +MyPDF MyPDFs MySQLNativeStorageEngineTest MyTextCSV @@ -486,21 +573,29 @@ MyVideoCSV MyVideos MydbHandler MysqlHandler +NBEATS +NCHAR NEQ +NHITS NLP NOTNULL +NVARCHAR NaN NamedTemporaryFile +NamedUser Namespace NativeExecutorTest NativePlan NativeQueryResponse NativeStorageEngine NdArrayType +NdarrayFUNCTION +NdarrayFunction NdarrayUDF NestedLoopJoinExecutor NestedLoopJoinPlan NestedQuery +NeuralForecast NoResultFound NorFairTracker NotImplementedError @@ -511,10 +606,12 @@ OCRExtraction OCRExtractor OGG OPENAI +OPENAIKEY OSError ObjDetector ObjectDet ObjectDetection +ObjectDetectionVideos ObjectDetector ObjectRef ObjectType @@ -544,6 +641,7 @@ PDFStorageEngine PDFs PERF PIL +PINECONE PPExecutor PPScanExecutorTest PPScanPlan @@ -556,10 +654,13 @@ ParallelLogicalGetToSeqScan ParserOrderBySortType ParserStatementTests ParserTests +PathFinder PermissionDenied +PersistentClient PickleSerializer -PINECONE Pinecone +PineconeVectorStore +PipImportRedirectingFinder PlanExecutor PlanExecutorTest PlanGenerator @@ -571,26 +672,34 @@ PostgresNativeStorageEngineTest PredicateExecutor PredicatePlan PredictHouseRent +PredictHouseRentLudwig +PredictHouseRentSklearn PrivateGPTTest ProgrammingError ProjectExecutor +ProjectExecutorTest ProjectPlan PropertyMock PropertyType PushDownFilterThroughApplyAndMerge PushDownFilterThroughJoin +PyGithub PyMuPDF PyPI PyTorchTensor Pydoc Pythonic +PytorchAbstractClassifierFunction PytorchAbstractClassifierUDF +PytorchAbstractTransformationFunction PytorchAbstractTransformationUDF +PytorchClassifierAbstractFunction PytorchClassifierAbstractUDF PytorchTest QDRANT QL Qdrant +Qdrant's QdrantClient QdrantVectorStore Quadro @@ -658,7 +767,11 @@ SequentialLogicalProjectToPhysical SequentialScanExecutor SequentialScanPlan ServerTests +SetExecutor +SetExecutorTest +SetStatement ShowExecutorTest +ShowFunctionPlan ShowInfoExecutor ShowInfoPlan ShowStatement @@ -668,7 +781,10 @@ ShowUDFPlan SiftFeatureExtractor SimilarityFeatureExtractor SimilarityTests +SingleDocumentSimilarityTests SingletonMeta +Sklearn's +SlackCSV SpeechRecognizer StageCompleteSignal StatementBinder @@ -680,6 +796,7 @@ StatementToOprTest StatementToPlanConverter StatementToPlanConvertor StatementType +StatsForecast StorageEngine StorageExecutor StoragePlan @@ -690,6 +807,7 @@ StreamWriter Summarizer SyntaxError SystemError +SystemExit TAIPAI TCP TMP @@ -705,6 +823,7 @@ TableSources TableType TableTypes TableValuedExpression +TableValuedExpressions TableValuedFunction Tableinfo Taipai @@ -712,6 +831,7 @@ TemporaryDirectory TestBinder TestCase TestDeleteVideos +TestFUNCTION TestGroup TestIndex TestOCR @@ -721,12 +841,14 @@ TestSuite TestTable TestTextHFModel TestUDF +TextClassifier TextFilterKeyword TextFilteringTests TextHFModel TextLoader TextPickleType TextProcessing +TextSummarizer TextTestRunner TimeoutError TimerTests @@ -820,6 +942,7 @@ Xeon XformExtractObjectToLinearFlow XformLateralJoinToLinearFlow YOLO +YYYY Yolo YoloDecorators YoloObjectDetection @@ -845,6 +968,8 @@ agg aggr ai aidb +airforecast +airpanelforecast amongst analytics anydim @@ -873,6 +998,7 @@ assertIsNone assertIsNotNone assertLess assertNotEqual +assertNotIn assertRaises assertTrue ast @@ -884,6 +1010,7 @@ attr audioless autofunction autogenerated +autoload automethod automl autosummary @@ -926,6 +1053,7 @@ changelog chatgpt chdir chmod +chromadb chunksize ci classmethod @@ -947,11 +1075,13 @@ concat conda conf config +configs conn const constexpr contextlib contextmanager +conversatio convertor coord coords @@ -974,6 +1104,7 @@ cwd cxt dane darwin +dask dataclass dataclasses dataframe @@ -983,6 +1114,8 @@ datasets datasource datatypes datefmt +datesold +datestamp datetime dbapi dcs @@ -990,6 +1123,7 @@ ddl decord deduplication deepcopy +defhappy defs del dep @@ -997,6 +1131,7 @@ deque desc deserialization deserialize +deserializing det detections detr @@ -1004,6 +1139,7 @@ detrac dev devshreebharatia df +dfa dfs dic dicts @@ -1011,6 +1147,7 @@ dir dirname diskcache distilbart +distilbert dists distutils dml @@ -1028,16 +1165,20 @@ ds dst dtype dummyfloat +dummynoinputfunction dummyobjectdetector dummypath easyocr +ef eg elif eloyekunle embeddings eml +emotiondetector endswith enex +english enum enums env @@ -1055,13 +1196,18 @@ evaql evaserver exc exch +exog expr expresssion exprs +extname extractOne +extrator f'LOAD facebook +facedetector facenet +fae failureException faiss faq @@ -1076,6 +1222,7 @@ feedstock fetchall ffill ffmpeg +fileFormat filepath filesystem fillna @@ -1085,6 +1232,9 @@ fmt fn fname folderstructure +fontname +fontsize +forecasted formatter fourcc fpn @@ -1093,15 +1243,21 @@ frisbee fromarray fromlist frsize +fruitTable fs +fullname func funcName +functionIO +functionio +functionmetadata functools fuzzyjoin gaurav gaussianBlur gb gc +gcp gdp georgia geq @@ -1117,12 +1273,14 @@ getsourcefile getstarted gexpr gifs +gists github githubusercontent globals gpt gpu gpus +gravatar grayscale grcpio greenlet @@ -1137,6 +1295,12 @@ hashjoin hashlib hexdigest hiddens +hireable +hnsw +homeforecast +homerental +homesale +homesaleforecast horizontalFlip horovod hostname @@ -1144,7 +1308,10 @@ href hstack html https +hugGingFaCe huggingface +hyperopt +hyperparameter idx ie iframe @@ -1160,6 +1327,8 @@ importlib imread imwrite incrementing +indexdef +indexname infos init initdb @@ -1171,6 +1340,7 @@ integratedTerminal integrations intp invaid +inviter io ipynb iq @@ -1221,9 +1391,11 @@ lstrip ludwig macos makedirs +mariadb maxdepth maxsize md +mediumint mem memeimages metaclass @@ -1252,6 +1424,8 @@ mvitactionrecognition mxztt mydb myimages +mypdf +mypdfs mysql myvideo myvideocsv @@ -1266,6 +1440,7 @@ ndarrays ndim neq ner +neuralforecast nexit nlp nn @@ -1277,7 +1452,9 @@ np nullable num numpy +nunique nvidia +objectdetectionvideos objs ocr ocrextractor @@ -1307,12 +1484,16 @@ pdfs perf petastorm pgrep +pgvector philschmid +pinecone pkill pkl plangenerator +pluggable png poolclass +popitem popleft pos posix @@ -1325,6 +1506,7 @@ pptx pragma pre pred +predicthouserent preds prepend preprocess @@ -1333,6 +1515,7 @@ privateGPT privategpt proc proj +propertytype prpty psutil psycopg @@ -1352,6 +1535,7 @@ pytorch qa qdrant qualname +randomFunction randomUDF rb rbatch @@ -1359,10 +1543,13 @@ rdb readlines readme realimport +rebatch recurse reddit +releaser relu repo +repos repr req resnet @@ -1383,10 +1570,13 @@ rstrip rtype ruletype runnable +runpy runtime russia +saledate saliency samsum +scikit sdist sep serializer @@ -1406,6 +1596,7 @@ simiarity singledispatch singledispatchmethod sk +sklearn smallint smi softmax @@ -1416,12 +1607,15 @@ sqft sql sqlaclchemy sqlalchemy +sqlalchmey sqlengine sqlite src sshleifer +sst statementtoplanconverter staticmethod +statsforecast statvfs stderr stdin @@ -1453,13 +1647,17 @@ tearDown tearDownClass tempfile tensorflow +testChromaDBIndexImageDataset testCreateIndexFeatTable testCreateIndexInputTable testCreateIndexName testDeleteOne testFaissIndexImageDataset testFaissIndexScanRewrite +testIndex +testIndexAutoUpdate testOpenTable +testQdrantIndexImageDataset testRayErrorHandling testSimilarityFeatureTable testSimilarityImageDataset @@ -1468,13 +1666,17 @@ testcase testcases testdeleteone testindex +testindexautoupdate testopentable +testpineconeindeximagedataset testsimilarityfeaturetable testsimilarityimagedataset testsimilaritytable +textsummarizer th thefuzz timm +tinyint tmp toGrayscale toc @@ -1483,6 +1685,7 @@ todo tokenizer tolist torchvision +tsforecasting tup tv tve @@ -1499,6 +1702,7 @@ udfIO udfio udfmetadata udfs +udt uid uint uknown @@ -1507,6 +1711,7 @@ ultralytics un unicode unittest +univariate unlink unnest unsqueeze @@ -1517,6 +1722,7 @@ url urllib urlparse urls +usecase usecases usecols utf @@ -1539,6 +1745,7 @@ wal warmup wb weakref +westbrae wget whitespaces workspaceFolder @@ -1559,6 +1766,7 @@ xzdandy xzr yaml yc +ylagged ymax ymin yml diff --git a/test/integration_tests/long/test_function_executor.py b/test/integration_tests/long/test_function_executor.py index 34795e3e8e..529882795c 100644 --- a/test/integration_tests/long/test_function_executor.py +++ b/test/integration_tests/long/test_function_executor.py @@ -309,7 +309,7 @@ def test_should_raise_if_function_file_is_modified(self): "SELECT id,DummyObjectDetector(data) FROM MyVideo ORDER BY id;" ) - # disabling warning for function modificiation for now + # disabling warning for function modification for now # with self.assertRaises(AssertionError): execute_query_fetch_all(self.evadb, select_query) diff --git a/test/unit_tests/executor/test_create_udf_executor.py b/test/unit_tests/executor/test_create_udf_executor.py index 63049e09c8..63e62e76a9 100644 --- a/test/unit_tests/executor/test_create_udf_executor.py +++ b/test/unit_tests/executor/test_create_udf_executor.py @@ -150,7 +150,7 @@ def test_should_overwrite_or_replace(self, load_function_class_from_file_mock): "Function function added to the database.", ) - # We create the function again with different paramaters + # We create the function again with different parameters function_entry = MagicMock() cache = MagicMock() function_entry.dep_caches = [cache] diff --git a/test/unit_tests/utils/test_generic_utils.py b/test/unit_tests/utils/test_generic_utils.py index a46305f96c..3403bda4b4 100644 --- a/test/unit_tests/utils/test_generic_utils.py +++ b/test/unit_tests/utils/test_generic_utils.py @@ -23,7 +23,7 @@ def __init__(self, *args, **kwargs): def test_string_matching_case_insensitive(self): """ - A simple test for string_matching_case_insensitve in generic_utils + A simple test for string_matching_case_insensitive in generic_utils used by statement_binder """