cm0805 commited on
Commit
6cad64a
1 Parent(s): e0e30fc

Create constants.py

Browse files
Files changed (1) hide show
  1. constants.py +51 -0
constants.py ADDED
@@ -0,0 +1,51 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from streamlit import secrets
2
+
3
+ VESRION = "1.0.1"
4
+
5
+ API_URL_summary = "https://api-inference.huggingface.co/models/facebook/bart-large-cnn"
6
+ API_URL_name = "https://api-inference.huggingface.co/models/dbmdz/bert-large-cased-finetuned-conll03-english"
7
+ API_URL_qna = "https://api-inference.huggingface.co/models/deepset/tinyroberta-squad2"
8
+ API_TOKEN = secrets["API_TOKEN"]
9
+
10
+ HEADERS = {"Authorization": f"Bearer {API_TOKEN}"}
11
+
12
+ SENTENCE_TRANSFORMER_MODEL = "paraphrase-distilroberta-base-v1"
13
+ LLM_REPO_ID = "MBZUAI/LaMini-T5-223M"
14
+
15
+ # A custom exception-like class to show a streamlit-styled error
16
+ class StreamlitException:
17
+ def __init__(self, message):
18
+ self.message = message
19
+
20
+ # A set of technical skills
21
+ TECH_SKILLS = set([
22
+ 'Python', 'R', 'SQL', 'Java', 'MATLAB', 'Mathematica', 'C#', 'C++', 'Javascript',
23
+ 'NumPy', 'SciPy', 'Pandas', 'Theano', 'Caffe', 'SciKit-learn', 'Matplotlib', 'Seaborn',
24
+ 'Plotly', 'TensorFlow', 'Keras', 'NLTK', 'PyTorch', 'Gensim', 'Urllib', 'BeautifulSoup4',
25
+ 'PySpark', 'PyMySQL', 'SQAlchemy', 'MongoDB', 'sqlite3', 'Flask', 'Deeplearning4j', 'EJML',
26
+ 'dplyr', 'ggplot2', 'reshape2', 'tidyr', 'purrr', 'readr', 'Apache', 'Spark', 'Git', 'GitHub',
27
+ 'GitLab', 'Bitbucket', 'SVN', 'Mercurial', 'Trello', 'PyCharm', 'IntelliJ', 'Visual Studio',
28
+ 'Sublime', 'JIRA', 'TFS', 'Linux', 'Unix', 'Hadoop HDFS', 'Google Cloud Platform', 'MS Azure Cloud',
29
+ 'SQL', 'NoSQL', 'Data Warehouse', 'Data Lake', 'SWL', 'HiveQL', 'AWS', 'RedShift', 'Kinesis', 'EMR',
30
+ 'EC2', 'Lambda', 'Data Analysis', 'Data Mining', 'Data Visualization', 'Statistical Analysis',
31
+ 'Multivariate Analysis', 'Stochastic Optimization', 'Linear Regression', 'ANOVA',
32
+ 'Hypothesis Testing', 'Forecasting', 'ARIMA', 'Sentiment Analysis', 'Predictive Analysis',
33
+ 'Pattern Recognition', 'Classification', 'Behavioural Modelling', 'Supervised Machine Learning Algorithms',
34
+ 'Linear Regression', 'Logistic Regression', 'Support Vector Machines', 'Decision Trees and Random Forests',
35
+ 'Naïve Bayes Classifiers', 'K Nearest Neighbors', 'Unsupervised Machine Learning Algorithms', 'K Means Clustering',
36
+ 'Gaussian Mixtures', 'Hidden Markov Models', 'Auto Encoders', 'Imbalanced Learning', 'SMOTE', 'AdaSyn', 'NearMiss',
37
+ 'Deep Learning Artificial Neural Networks', 'Machine Perception', 'Document Tokenization', 'Token Embedding',
38
+ 'Word Models', 'Word2Vec', 'Doc2Vec', 'FastText', 'Bag of Words', 'TF/IDF', 'Bert', 'Elmo', 'LDA',
39
+ 'Machine Language Comprehension', 'Sentiment Analysis', 'Predictive Maintenance', 'Demand Forecasting',
40
+ 'Fraud Detection', 'Client Segmentation', 'Marketing Analysis', 'AWS', 'MS Azure', 'Google Cloud Platform',
41
+ 'CI/CD', 'IaaC', 'big data', 'h2o', 'gbm', 'pytorch', 'caffe', 'opencv', 'deeplearning4j', 'neo4j',
42
+ 'decision-trees', 'decision trees', 'programming', 'jira', 'excel', 'sas', 'vba', 'random forest',
43
+ 'xgboost', 'xgb', 'regression', 'logistic regression', 'linear regression', 'clustering', 'pca',
44
+ 'hypothesis testing', 'ab testing', 'ab-testing', 'bigquery', 'vertexai','amazon web services',
45
+ 'google cloud services', 'node.js', 'linux', 'unix', 'hive', 'spark', 'pyspark', 'java', 'c++',
46
+ 'python', 'r', 'database', 'algorithm', 'data structure', 'ai', 'ml', 'machine learning', 'python',
47
+ 'keras', 'tensorflow', 'tf', 'sql', 'aws', 'azure', 'gcp', 'cloud', 'deep learning', 'neural network',
48
+ 'computer vision', 'optimization', 'statistics', 'time series', 'time series', 'time series forecasting',
49
+ 'time series forecasting', 'modelling', 'forecasting', 'etl', 'mlops', 'natural language processing',
50
+ 'computer vision', 'knn', 'image processing', 'nlp'
51
+ ])