fyhj commited on
Commit
eb7c727
1 Parent(s): 5907204

feat: replace with calibrated model

Browse files
README.md CHANGED
@@ -9,9 +9,9 @@ LionGuard is a classifier for detecting unsafe content in the Singapore context.
9
 
10
  # Usage
11
 
12
- 1. Install `transformers` , `xgboost` and `huggingface_hub` libraries.
13
  ```
14
- pip install transformers xgboost huggingface_hub
15
  ```
16
 
17
  2. Run inference.
 
9
 
10
  # Usage
11
 
12
+ 1. Install `transformers` , `onnxruntime` and `huggingface_hub` libraries.
13
  ```
14
+ pip install transformers onnxruntime huggingface_hub
15
  ```
16
 
17
  2. Run inference.
config.json CHANGED
@@ -1,6 +1,6 @@
1
  {
2
  "model_type": "ridge_classifier",
3
- "model_name": "lionguard_self_harm.json",
4
  "description": "Binary classifier on text encouraging self-harm in Singapore context",
5
  "tokenizer": "BAAI/bge-large-en-v1.5",
6
  "embedding_model": "BAAI/bge-large-en-v1.5",
 
1
  {
2
  "model_type": "ridge_classifier",
3
+ "model_name": "lionguard_self_harm.onnx",
4
  "description": "Binary classifier on text encouraging self-harm in Singapore context",
5
  "tokenizer": "BAAI/bge-large-en-v1.5",
6
  "embedding_model": "BAAI/bge-large-en-v1.5",
inference.py CHANGED
@@ -2,12 +2,13 @@ import numpy as np
2
  import pandas as pd
3
  import torch
4
  from transformers import AutoTokenizer, AutoModel
5
- from sklearn.linear_model import RidgeClassifier
6
  from huggingface_hub import hf_hub_download
7
  import sys
8
  import json
 
9
 
10
- config_path = hf_hub_download(repo_id="dsaidgovsg/lionguard-self_harm-v1.0", filename="config.json")
 
11
  with open(config_path, 'r') as f:
12
  config = json.load(f)
13
 
@@ -31,38 +32,25 @@ def get_embeddings(device, data):
31
  output.extend(sentence_embeddings.cpu().numpy())
32
  return np.array(output)
33
 
34
- def set_model_atttributes(model, attributes):
35
- model.coef_ = np.array(attributes['coef_'])
36
- model.intercept_ = np.array(attributes['intercept_'])
37
- model.n_features_in_ = np.array(attributes['n_features_in_'])
38
- return model
39
-
40
- def convert_decision_to_proba(x):
41
- # # NOTE: use softmax to convert ridge distances, assuming negative class is negative distance of positive class
42
- class_scores = np.exp(np.vstack([-x, x]).T)
43
- probs = class_scores / np.sum(class_scores, axis=1, keepdims=True)
44
- return probs
45
-
46
  def predict(batch_text):
47
  device = torch.device("cuda") if torch.cuda.is_available() else "cpu"
48
  embeddings = get_embeddings(device, batch_text)
49
  embeddings_df = pd.DataFrame(embeddings)
50
 
51
- # Load the parameters from model JSON
52
- model_fp = hf_hub_download(repo_id="dsaidgovsg/lionguard-self_harm-v1.0", filename=config['model_name'])
53
- with open(model_fp, 'r') as json_file:
54
- model_params = json.load(json_file)
55
 
56
- # Initialize the scikit-learn model with the loaded parameters
57
- model = RidgeClassifier()
58
- model_attributes = model_params["attributes"]
59
- model_params.pop("attributes", None)
60
- model.set_params(**model_params)
61
- model = set_model_atttributes(model, model_attributes)
62
-
63
- # Predict
64
- preds = convert_decision_to_proba(model.decision_function(embeddings_df))[:,1]
65
- return preds.tolist()
66
 
67
 
68
  if __name__ == "__main__":
 
2
  import pandas as pd
3
  import torch
4
  from transformers import AutoTokenizer, AutoModel
 
5
  from huggingface_hub import hf_hub_download
6
  import sys
7
  import json
8
+ import onnxruntime as rt
9
 
10
+ repo_path = "govtech/lionguard-self_harm-v1.0"
11
+ config_path = hf_hub_download(repo_id=repo_path, filename="config.json")
12
  with open(config_path, 'r') as f:
13
  config = json.load(f)
14
 
 
32
  output.extend(sentence_embeddings.cpu().numpy())
33
  return np.array(output)
34
 
 
 
 
 
 
 
 
 
 
 
 
 
35
  def predict(batch_text):
36
  device = torch.device("cuda") if torch.cuda.is_available() else "cpu"
37
  embeddings = get_embeddings(device, batch_text)
38
  embeddings_df = pd.DataFrame(embeddings)
39
 
40
+ # Load the model
41
+ model_fp = hf_hub_download(repo_id=repo_path, filename=config['model_name'])
42
+ session = rt.InferenceSession(model_fp)
 
43
 
44
+ # Prepare input data
45
+ input_name = session.get_inputs()[0].name
46
+ X_input = np.array(embeddings_df, dtype=np.float32)
47
+
48
+ # Run inference
49
+ preds = session.run(None, {input_name: X_input})
50
+ probs = preds[1]
51
+ probs_harmful = [prob[1] for prob in probs]
52
+
53
+ return probs_harmful
54
 
55
 
56
  if __name__ == "__main__":
lionguard_self_harm.json DELETED
@@ -1 +0,0 @@
1
- {"alpha": 1.0, "class_weight": {"0": 1, "1": 5}, "copy_X": true, "fit_intercept": true, "max_iter": null, "positive": false, "random_state": null, "solver": "auto", "tol": 0.0001, "attributes": {"coef_": [[0.5168740751931423, -0.6822882979397344, -0.7484261346404321, 0.07467270232404885, 0.4820053547253992, 0.5032884508435429, -1.4216442938752045, -0.052594771851097545, -1.5042229675311856, -0.510396757652045, 1.2099110805189686, 0.4133763047316934, -0.9629546623825077, 0.4686901507612093, 0.8649931728595371, -0.010568846769869298, -0.25382112626562914, -0.5956280390153518, -1.231009327252752, 0.8327805399023267, 1.082004117865488, 0.44267908893533375, -0.62103017203933, -0.9442099369428986, 0.9039045992584864, -1.628290329153029, -0.0865679119281417, 1.1959359861051877, -0.3288065467594353, -1.0207566866666018, 0.631844985425707, -1.7587896112943369, 0.7495184182612581, -0.6509846491150806, 1.0989654241501219, -0.6233488392050407, 0.9027509380884998, 0.5420034251188721, -1.1944529413024374, 0.2147001994273629, 0.11850760970201416, -1.8412473741603312, -0.39815491617667065, 0.2708861209330537, 1.0061918575403364, -0.4081529207698268, 0.17733286852348717, 0.7394920419731178, 0.7995016390816659, -0.5927687653777415, 1.24266653044065, -0.8788659954225192, 0.14696314533506902, -0.16919213656047946, 0.20600980306013195, -0.9012210254954669, 0.02292117184219858, 0.01504407612926646, 0.5053457766658405, -0.7741384455752853, 2.6004048669405555, -0.5607868297606962, 0.40227723971118556, -1.1021313458206998, 1.5801798652728696, -0.9050693467489588, 0.8025872038494328, -1.3853837710602606, -0.34804933658122583, -0.44608661243651976, 0.6375936887753259, 1.4109816319599535, 0.11079122371415435, -1.230005743878472, 0.3932889636305922, 1.7497914937405112, 0.4210680458723982, -0.6306709113007134, 0.9491217202330218, 0.5869015747267138, 1.3971588696659716, -0.6859991447068369, 1.8457732707940055, 1.685071774773423, 0.281268920091639, 0.4724534593377172, -1.3850483765280375, -0.22616699600264414, -0.23325128705597534, -0.813979203845318, -0.892994631851095, 1.1399564497046575, -1.0130780237210424, 0.5569804225867447, -0.21474157418500667, -0.01895523626422193, 1.3170625191093652, -0.7381014449015595, -0.7025769237858979, 1.9062863901918168, 0.8955491528507112, -0.7924957212702937, -0.2365333352511421, -0.4395036506944784, -1.2571496704613072, 0.14642766594896678, 1.2944729973287894, -0.47531262283132714, -1.0237758504065193, 0.45994135700198174, -0.5074756834460804, 0.03162149209860976, 0.17840713821648813, -0.41801396623772524, -1.6137296557840355, -0.9864265306519499, -2.102713922892896, 0.12335591896794224, -0.9042502832881832, -0.3100573757983042, 0.08675585223663304, -0.9962525684075961, -0.18292119112396513, -0.9585754643733873, -0.2617205578268749, -0.5312847890339059, -0.9551833584194955, 1.237018457217598, -1.4891252700454098, 1.2763468605358377, -0.001869670137875868, -0.8151532074857566, -1.5410349618773151, -1.1949676052291318, 0.30065180470824426, -1.6247977764276402, 0.9444600712662505, 0.21228375760478602, 0.7918657984959403, 0.7850828537178239, -0.5328551359410698, 0.45682451437658744, 0.9271624219014235, 1.383621922459749, 0.5772660309820212, 0.0899157495155231, -2.0712971350144644, -1.0593205139527386, -0.1649394047344054, 1.040989192602526, -0.46414462040187393, -1.072059103866844, 0.23789729134859544, -0.6614716812871786, 1.1294561851725013, 0.485821917322432, -0.5356253249125383, -0.028611848950891097, -0.6687114355813958, 0.058850824135934586, -0.42714985706704894, -0.0079131899165522, -0.4499679184521888, -0.906122424299536, -0.40762818450726873, 1.1371236722370923, -1.597962178829162, 1.2475077783919464, 0.5933452514342645, -0.6672072064916609, -0.04888169310825388, 0.6463172277307284, -0.10873993107484144, -0.13076447046332898, 1.2669136857567573, 0.9747460123748285, 0.06785755692906185, 0.871721222193631, -0.4323629730729284, -0.44740418276987176, 0.7451617791442217, 0.9128015690249651, 0.07463396947766124, -0.2618647792619474, 0.6419799894012792, -0.7976916279190283, 0.8667764718477569, -0.09533176331569532, 0.39727629023855277, 0.4114273578598835, 1.6726351549268124, -0.15046009461748927, -0.30006590168905745, 0.39660273755801156, 0.6011060627611228, 1.0122032370835539, -0.628196963237256, 0.8397102502783783, 0.22770274579719488, -0.08748019707596778, 0.422045182930788, 0.5184394602275098, -0.4353153184693725, 0.3667889396144363, -0.461994879351566, -1.2577581793114936, -0.6472293485471634, 1.8642965057625698, -0.558272107333241, 0.03594031550291848, 0.2126477106787258, -0.14122471151343863, 0.18873386954344276, -0.28487727474754015, -1.201670837141888, -1.3511669541125442, 1.5300226554021485, 0.3335111677697697, -0.2759813082317511, -1.3291831445819058, -0.4822299044741027, -0.2307698259165328, -0.33494268554595547, 0.9683495246897885, 0.7305041434231502, 1.9734370167402582, -0.26162858370910247, 0.3083753270408038, 1.5718591318850157, 0.4779889496994075, 0.7461372954270586, 1.171120514960343, -0.9487480151045099, 0.1321559045904227, -0.4116729464164715, -0.43237696688659866, 0.9179629843734779, -0.07539948496949912, 1.4288400699933375, -0.8030158206031205, -0.7312614787700075, 0.1257560262968243, -0.2294202004371021, 0.7891737827131048, -0.5942867614619023, -0.4203113557089058, 0.9180877738870893, 0.4252947893207124, 0.46223234519547546, 0.2700705963314051, 0.19503828470719897, 1.3029533573193497, -0.08830823842708592, 0.4702207715177692, -0.9576203155153595, -1.2213216826233957, 0.8581441773319873, -0.08608475040444226, 0.10365978553289912, -0.39893607173653356, -0.4014329728167119, -0.6254254442396654, -0.3947991685465581, -0.1720269493967817, 1.6817856739913117, -0.7361053449502318, -0.888778048770294, -0.938516523001888, 0.45133825770442904, 0.9760486568245894, -0.7074540936287391, 0.23746778570372787, 0.02185863630999855, -0.254060408891859, 0.48400900953907305, 0.34507560531119813, -0.06565114388917541, -1.10386158074492, 0.7790661934654143, 0.7454552880823619, 0.0733850128372098, -1.2630048845549589, -1.310876557767349, -0.7893600272769563, 0.960898999712075, -1.2559832744941868, -0.7675616629168803, -1.333074887460796, 1.1142371961418076, -0.23703425955121007, -0.01638418146271901, -0.24513684317767373, -1.695076721370447, -1.106456440181476, -0.13867604455834606, 0.13417966938264295, 0.7442211697787589, 0.23014741753076698, -0.10072496916699222, 0.15646356952533028, 0.19278057434568277, -0.5279136685184311, -0.06088236032340666, -1.3469126159012317, -0.5836646246480985, -0.5865760580455167, 1.5062435476438771, -1.0624877090508902, 0.1424944994615799, -0.16049367397381836, 0.8441535962074411, -0.2716282894911738, -0.30097049182262403, -0.37016789677465417, 0.23638671335708317, 0.4464353442035564, 0.8134633521725724, 1.1822578202233627, -0.2819094002084291, -0.12809151678246875, -0.5801342104148834, 0.21004393913505318, 0.5434500700900847, 0.2554437501918678, 0.9410193529030764, 0.3482449175673537, -1.663550746215966, 0.21682400461933046, -0.5157980402366372, 0.8222278452843116, 0.4912667274857959, 0.6641280760812447, 1.31736851546304, -0.5161342568890633, 0.9351550614532751, -0.3892658229941439, 0.6521022465977906, -1.1288812349723045, -0.9302572292581603, 0.2388597683142494, 0.3159637707668975, -0.6904306766274176, -0.5445475085204959, 0.07837381910610736, -1.3212784302092302, -0.4817497725237434, 1.109169757268039, 0.8799222567037565, 1.1379399462455253, 0.05129769080278386, -1.1307050186627252, -0.3740315212294276, 0.3732543188096887, -0.5679850446222063, 0.17947903531527515, 0.8768420799513695, 1.1830700139366583, -0.15583331496365282, 0.262491887698899, -0.9490366132126749, 0.4211313001355982, -0.5940074751131292, -0.4470264146846149, 0.5668050095068272, -0.014136390990362504, -1.5394253372570694, -0.42132649394235533, 0.3690919020773613, -2.788673844621666, 0.8942634288017788, 0.3025058335278915, 0.6554530800172548, -0.17466452238009295, -0.16137295554436965, -2.078153751831282, 0.03138879817928073, 0.0568293147498876, 1.1470960703613504, 0.3241436661687905, 0.35113969817223323, 0.4187640905538956, 1.1412896758678153, -0.20391813947339868, -0.1600086136731122, -0.5391096980012224, 1.0329549152222797, -1.974035121366745, -1.1223952323420068, -0.9813775681916589, -0.9002170759013287, 0.6740314415324626, -0.36500189590860943, 0.4472388533309612, 0.2966986984063206, -0.8576671701900166, 0.2574646499417396, -0.4970641375133107, 0.30166948281916967, 0.4887725349497162, -0.48059138044212435, 0.13809497010409444, -0.06169148451865775, -1.1609902368610103, 0.5785615779989777, 0.639477309608346, 0.8028340522913094, 0.24332537522825307, -0.306001824258602, 0.5867751502407347, 1.2591408451925405, -0.5154136724764772, -0.00730477176797828, -0.04828797588988752, -1.7240848059967597, -0.3352403067108948, 0.3311811797601295, 1.1424327087716748, -0.04702546958430219, 2.2372994346708643, 0.26249145449732586, -1.2309840012201665, 0.6892997615080894, 0.8602338376790437, 0.649421340705035, -0.29074634819953626, -0.6608095942147333, 0.25317419929786583, 0.2997024528984652, -0.16157458987288273, 0.13489396248658655, 0.8095961029377552, 0.9475493909006981, -0.42819130895723206, -0.9898526844748474, -0.47792000244501126, -0.12414220731650205, 0.09439138710811136, 0.4058230592596944, -0.07796617951681986, 0.34984013493220945, -0.30775353532731464, -0.9618463838479019, 1.061512226066904, -0.15431210433601925, -0.8683562401212578, 0.33431421338082745, 0.12747928256977115, -0.3572999796777203, -0.2293377646091125, -0.27801398171160807, 0.16637309401842781, -0.36417097144217037, 0.2161331785130592, 0.2414344643956362, 2.2767787504755015, -0.0721184835652155, -0.9220732382983448, -0.4467584069760497, -0.18213567803853917, 0.8420958417830046, -0.01806349355912492, -1.385540929338397, -0.34461203303552623, -1.507032054238477, 0.020370170623256943, -1.2689532135241266, -0.5535791663810521, 1.6374224006548512, 0.19878883233222183, -0.044619539250574755, 0.9477786524346073, 1.6084843228906684, -0.15743403964644104, 0.5501640341954463, 0.9760925767995539, 0.9856625140752373, -0.9305279174127338, -0.5541992539278853, 0.25529972764479913, 0.3391767116601666, 0.5675276772296164, 0.4994000556719356, 0.36786608970707213, -0.37972534663080115, -0.19563568822488606, -0.8705710538533105, 0.356138231100255, -0.2035778331234149, 1.1730438865150266, 0.4279982809577587, 0.06286632688936761, -1.1619385797783084, -1.0536250972987797, -0.8320712806310488, -0.23013102580915668, -0.34246375177996546, -1.7615067299438627, -0.8857783267725741, 0.4927189721715851, 1.092952341773433, -0.09234137725376701, 0.49900207696995086, -0.11489166106415369, 1.0223788057208507, 0.42348640884730215, -0.27226472481002073, -0.09026068456746636, 1.4159335458399365, -0.6192605157726934, 0.7081507010609432, -0.6338926560881499, -0.92235943317042, 1.1964919553979558, 0.094453480777721, 0.18361915658971337, -0.3364630224482394, -1.1400676095306315, 0.621897332567443, -0.9912989098052494, 0.2949793819507804, 0.458964522199396, -0.4108715509608, 1.1912840585016111, 1.9248697759109012, 1.5212476352522761, -0.19284870620892605, -0.7488158447379478, -0.23220010566623342, 0.5499341557193191, 0.2912502010080587, -1.5500938169115834, -0.694978222424354, -1.1692435790841773, 0.9677050197074245, 0.6310696440970486, -1.4572407098843978, 0.5463343886165786, 0.3228478159758598, 0.35372604071544606, 0.35919365145750004, -0.10075405505140966, -0.6245442409256766, -0.5427386268957333, 0.7762120560535873, -0.8965459098260821, 0.1888737656280473, -0.23149958789623842, -0.2675414523038426, 0.6231893215564182, -0.2567998945611045, -0.31326127158015366, 1.3309714455088868, 1.1799204279128552, 1.5452967504519166, 0.27052401064207676, 1.6698872016078847, 1.815967715316734, 0.8946078149677222, -0.15024211030263096, 0.7211160945090179, 0.5397928292666027, 0.6335848134391195, -1.0081860546400423, -0.5164644796729474, 1.2883111698405345, -0.47181303402361624, -0.3811915217968905, -0.8592953725885417, -2.2185361639413896, -0.5072605198297756, 0.4240640704930403, -0.19075144619849105, -1.3462122984652825, 1.4354737355051554, 0.30465529065683467, 0.4999693161138191, -0.9562576317356912, 0.5011867784855162, -0.7413296317458985, 0.8010801928028723, -1.4783636487287288, 1.466696439648313, 1.2290678688212442, 0.9283712592970068, -0.6980440433783689, 0.06397558550250763, 0.3712511878239387, 0.22991638260319622, 0.0412271554089802, -0.13750194332972535, 0.7398893749408735, 0.055281150728334685, 0.3757326232513688, -0.3033131350770568, -1.010032841154382, 0.1580448354231176, 0.736212819775546, -0.11435532465547191, 0.34588379654185736, -0.20678468511750728, -0.994679342446168, 0.657953386166674, 0.18511610122951053, 0.041223803075279154, 0.506873953885963, -0.6038048135749163, 0.20948279132037154, 0.30601727293559483, -0.07887039010399284, -0.521706221169965, 0.6908131722947044, 0.2412952723622059, 0.3472979193895422, 1.6785658241594623, -0.15783764723886637, 0.08232958834759427, 0.3970997096308139, -0.559849227108459, -0.0030802635738088335, 0.8747357800114632, -2.736823095230467, -0.8555718389461004, -0.6708735501663465, -0.0201430418936647, -1.4355577595961377, 0.4929399445978323, 0.769016837422665, -0.9179099582776531, 0.9001462967484588, 0.3497502694979405, 0.12517291805312694, -0.33992419909995625, -0.014491340965286818, 0.06987583050344146, 0.2294281634425831, 0.24774307708297277, 1.8130726627370688, -0.8482955284897475, 0.009242515765776815, 0.13943520843722318, 0.9796602929200967, 0.8665083404927427, 0.05354129956172903, -0.025844284770608957, 1.4630425198236374, -0.13899514667426657, -0.3783672933952156, -0.5406879228496935, 1.3164587144394697, 0.1512505927355397, -0.31887496797222353, -2.2902841799878173, -0.018365072911993997, 0.5742349106024456, -0.7507107791459467, 0.807776357064715, 0.17827167937938845, 1.2186033476135343, 0.5849926227839113, 1.128556245856528, -0.5301742299145441, -0.6349390860679769, -0.85466919634459, 0.6617886958713644, -0.18462959669964443, -0.014367001539031657, 0.32595288139299217, 0.5689125769336895, -0.1861996088447578, -0.31120205197066164, 1.1641935205840948, 0.02278985597291951, 0.419066511763084, -0.71855211531843, 1.319699947370354, 1.592780184653729, 0.17983281940942478, 0.5387811908419637, 0.34074567805635136, 0.006282401040948243, -0.326824958110466, 0.8454518551041162, -0.17305851148849197, 1.8641687962289801, 0.19266863929110256, -0.14949878790359347, 0.18729704552643753, -0.6614221251800071, -1.3407290143881316, -0.8479438072068601, 1.080614250275538, -0.5276675896079238, 0.20846238736618758, 0.3259752666274272, 0.43397188038036183, -0.06442329565707725, -0.46864631796450984, 0.5269570306014306, 0.294184635403989, 0.3159560022922149, -0.4715161941438685, -0.4742477781215992, -0.4763884389970417, -0.06363708280322282, 0.3416144423892247, -2.083175512765159, 0.9425911806494236, -0.5764648814600257, -0.34591200331447874, 0.0698863345889227, -0.7552533922500838, 0.6467575142222076, 0.5459374926056473, 0.6060757532766269, 0.5211814479057008, -0.7264679100808799, -1.1484942756067398, 0.426999659110996, -0.671939918429625, 0.9781484135708871, -0.7864555596290674, 0.42088310754073344, -1.2939420986347683, 1.897024573825284, 0.2738936390689476, 1.0902957735704748, 1.6339008432662914, -0.13706617742548072, 1.7702587215431682, 0.5895895577777714, 1.375359941913109, 0.7266969725802566, -1.6784943460072532, -0.24905511952569634, -0.7844795038648009, -0.5715332312623684, -1.312327662298323, -0.7315141757525437, 1.637334468541976, -0.22511597860847357, 0.3398456525749764, -1.9669504480419107, 0.22482103926998723, 0.16473787973261186, -0.30550052094328245, -0.08429462604641952, -1.1429835588057147, 0.44451281022395056, -0.6264434215444505, -0.8231990507192225, -0.4124838453006885, -1.302100705440354, 0.9038698489180357, -1.892826733913701, -0.13280459103402859, 0.9453079113420984, -0.8238949368118863, -1.0848992333027934, -0.1082605790838089, 1.1014439863461305, 0.1903387625898505, -1.7799795042050557, -1.0422657093023455, -0.31520907492840083, 0.24491718957337982, 1.118410875859488, -0.34187582377971765, -0.896487862012116, 0.5941484139535146, 0.5964488775064988, -1.3202623950812178, -0.4332798437397578, -0.14479805085000383, -0.714790780517786, 0.3633447451682067, -0.4695668627626829, -1.2564475432572257, 0.2289167454176925, -1.1999307091208011, -0.5023388772319684, 0.352238228977832, 1.2706157376712122, -0.2201149414264029, 0.13290168246959552, -1.2142017245390915, 0.03433676142496597, 0.17783807225674314, -1.410987946205566, 0.06399532588708245, -0.5233073188037892, 0.5935799201412395, 0.6331962132659419, -0.9659304798966363, -1.4582976709433553, -0.498567583932818, -0.11913438480387464, 1.2870224848641978, 0.9559531888576714, -0.43447857015083335, -0.9785078055017624, -1.5926197218799731, 0.06884091901048608, 0.39916665288350067, -0.7748382913814263, -0.5299847688840216, 0.7622401883253583, 1.71008257001869, -0.325667469528843, -1.1959170832763806, 1.2341337746797902, 0.512433738815533, 0.3568525770910664, -0.37538487804485904, 0.5682214434713854, 1.2909142586443025, 0.3231855196284454, -0.22198430072442799, 0.0022377208442427177, 0.0356924724436243, 0.3909397336696295, 0.269604160410403, -0.913305928348215, 1.0055045229745931, 1.8978625418238315, 0.6715881086151783, 0.019330834151943033, 0.11008697655480072, 1.09480362932064, 1.9252265088395228, 1.0350885507172298, 0.055061290806548514, 0.7915061011991135, 0.006881833206653868, -0.5364793073152185, -0.009891855322004699, 1.523983225815882, 0.6011350312871456, -0.4944849296029355, -0.38543743045398704, -0.3165434351269059, -0.25473587103871964, -1.0798156000640902, -0.5094863093802611, -0.4425630233767305, -1.2146092889168059, 1.1962983565142205, 0.31540413059592254, -0.8886849211672931, 0.23240095846745867, -0.633442752079251, -1.1683807422639476, -0.2754327555429717, 1.4753479873207545, 0.134602243334688, -0.47825041425920806, -0.8558131700751527, -0.47289070757223894, 0.6731589280415377, -0.09428579838744493, 0.08936283138906774, -0.2689929616768735, 0.4702305586305474, -0.984248688454648, 0.1971622654345414, -0.23738706715092706, -0.22686701788368516, -0.324649054190084, -0.4332573484109032, -0.3812993987835833, -1.5777957957655138, -0.4752389577397432, 0.31166731554211685, 0.7079832976652106, -1.4368079840976167, -0.5635617974783663, -0.2129515073765595, 0.43644424470774024, 0.8111788709207849, -1.7894970808864656, -0.45810400024431824, 0.47396570049240133, 0.288498657540954, -0.07690480338052844, -0.7292647057093077, -0.7570631860950473, -0.06960874721192094, -0.1843310957870192, 0.9101521635971759, -0.8028665328234824, 0.08479827088965769, -1.9479179999339131, 0.2418219784743723, 0.30834625296313956, -0.2316885456494081, -1.6680509473715994, 0.799014955073792, -0.5936105315295238, 0.12797223856326298, 1.3486403090689776, 0.8989676128593944, -0.03622244764101328, -0.5043275890476865, -0.016495702221041825, 0.06556611564638111, -0.1655901337102801, 1.1121548266790307, -0.5263431526668854, 0.4268285207020747, 0.3723531642694253, 0.028624571223358725, -0.5672640152959245, 0.7956637426754752, -0.009406089881651364, -0.7987267166626675, -0.6921047854743605, -0.21112375760356575, -0.19100597099082664, -0.549549865328264, -0.09858087481813588, 0.36635086023858765, -0.2755935989002127, -0.7943433624284435, 0.41912047534220576, -0.3735109465474332, -2.4660190758613902, -0.7695173214858603, -1.3906926883092954, -1.4706862352060188, -0.3948925571107488, -0.09217732391143905, -0.7020009157223193, -0.41499500904076897, 0.5406963339605654, 0.877957873224454, -1.2570849004383786, -0.09753528836890907, 0.667788911822533, 0.8841705588462238, -0.2711457784276765, 0.07663428767834958, 0.00394567100635861, 0.5693812102526085, -1.1680141573875586, 0.5785663847121567, -1.0090441394505754, -0.5326933441133724, -1.2888908279552058, 1.1940711620723712, -0.7035097904945105, 0.5183087234944875, -0.12527572668602185, 1.6990581218757863, 0.11764342268723268, 1.5059139814927067, 1.0908696557787885, -0.8095379971428551, -0.38547908950104115, 1.0705837369802262, 0.2005195693207733, 1.206620085453129, 0.23316253707549306, 0.4687117423503856, 0.45739711535116184, 0.919141570117509, 1.018174701466154, -0.4099953889226001, 0.2794954580145592, -0.2875830404311263, -0.09595093170643551, -0.6087869622278971, -1.4106542557935378, 0.24775898081774686, 0.18111106927190704, 1.5089825818324956, 0.8836963277689568, -0.11398761486350388, -0.5870981862832466, 0.6530370331572072, -0.44166039316043815, -0.8807838512711329, -0.35505592017743937, -0.13288820987456687, 0.06387073256646009, -0.748640644494636, -0.09437488907212524, -0.09458659910596152, 1.0728453715419066, 0.09078477780437309, 0.6876084568516583, 0.054857179207129445, 0.803382571507645, 1.130805987919081, 0.9323535211582673, 0.25846095934305635, -0.3175178893232592, 0.7778599462540543, -1.029456189928316, -0.8367305795029385, 0.2918665550903252, 1.2228627914573955, 1.1477884725104703, 1.3518890442849794, -0.4931441853570411, 0.40708639305506517, -0.8683334200853653, -0.014115016144452356, 0.3161730844525514, -1.3298914066978824, 0.03582907310706218, -0.6116640953820885, -0.3763566208574324, 0.0522085702384012, 1.1294993653453453, -0.9520935921145265, 0.009849596001640152, -1.020888292198971, -1.3147510345583566, -0.3529230201205051, 1.0951481398065566, 1.534196593483922, 0.5299812890292066, 0.31268359374532445, -0.9624963310831062, -0.7585308627283047]], "intercept_": [-1.478765554625301], "classes_": [0, 1], "n_features_in_": 1024}}
 
 
lionguard_self_harm.onnx ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:78405d1b2fcebf30495d4501d4745526fee56af81951e8f26e741ed23b837ce8
3
+ size 12174